diff --git a/ObservationSim/Config/Config.py b/ObservationSim/Config/Config.py index a17f0a0d9460b4ac2750b256728dd7756d7e4701..0f6dcf891f03d033f6cf3e462d46e64b97487cf3 100755 --- a/ObservationSim/Config/Config.py +++ b/ObservationSim/Config/Config.py @@ -23,6 +23,7 @@ def ConfigDir(config, work_dir=None, data_dir=None): path_dict["cat_dir"] = os.path.join(path_dict["data_dir"], config["input_path"]["cat_dir"]) # PSF data directory path_dict["psf_dir"] = os.path.join(path_dict["data_dir"], config["psf_setting"]["psf_dir"]) + path_dict["fd_path"] = os.path.join(path_dict["data_dir"], config["psf_setting"]["fd_path"]) # SED catalog directory # TODO: SED_dir is deprecated path_dict["SED_dir"] = os.path.join(path_dict["data_dir"], "imageSims/Catalog/SEDObject") diff --git a/ObservationSim/Instrument/Chip/Chip.py b/ObservationSim/Instrument/Chip/Chip.py index a4348570429be8f062adfd07c7bc90efced3dead..559fb7663c5815879fc9df0d703f17f430694ab5 100755 --- a/ObservationSim/Instrument/Chip/Chip.py +++ b/ObservationSim/Instrument/Chip/Chip.py @@ -65,7 +65,7 @@ class Chip(FocalPlane): self._getCRdata() # Define the sensor - if config["ins_effects"]["bright_fatter"] == True: + if config["ins_effects"]["bright_fatter"] == True and self.survey_type == "photometric": self.sensor = galsim.SiliconSensor(strength=config["ins_effects"]["df_strength"], treering_func=treering_func) else: self.sensor = galsim.Sensor() diff --git a/ObservationSim/ObservationSim.py b/ObservationSim/ObservationSim.py index 1824cf76b2defbde11ac889736f61ddd52d6b358..441c540eb181ff572728edcc7eb840556ba61ba7 100755 --- a/ObservationSim/ObservationSim.py +++ b/ObservationSim/ObservationSim.py @@ -26,7 +26,7 @@ class Observation(object): # if we want to apply field distortion? if self.config["ins_effects"]["field_dist"] == True: - self.fd_model = FieldDistortion() + self.fd_model = FieldDistortion(fdModel_path=self.path_dict["fd_path"]) else: self.fd_model = None @@ -59,7 +59,7 @@ class Observation(object): if self.config["psf_setting"]["psf_model"] == "Gauss": psf_model = PSFGauss(chip=chip) elif self.config["psf_setting"]["psf_model"] == "Interp": - psf_model = PSFInterp(chip=chip) + psf_model = PSFInterp(chip=chip, PSF_data_file=self.path_dict["psf_dir"]) else: print("unrecognized PSF model type!!", flush=True) @@ -78,7 +78,7 @@ class Observation(object): if chip.survey_type == "photometric": sky_map = None elif chip.survey_type == "spectroscopic": - sky_map = calculateSkyMap_split_g(xLen=chip.npix_x, yLen=chip.npix_y, blueLimit=filt.blue_limit, redLimit=filt.red_limit, skyfn=path_dict["sky_file"], conf=chip.sls_conf, pixelSize=chip.pix_scale, isAlongY=0) + sky_map = calculateSkyMap_split_g(xLen=chip.npix_x, yLen=chip.npix_y, blueLimit=filt.blue_limit, redLimit=filt.red_limit, skyfn=self.path_dict["sky_file"], conf=chip.sls_conf, pixelSize=chip.pix_scale, isAlongY=0) if pointing_type == 'MS': # Load catalogues and templates diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp.py deleted file mode 100644 index a08926b1fa820440c8bdfb7bb91d2f9cb6590167..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp.py +++ /dev/null @@ -1,263 +0,0 @@ -import galsim -import numpy as np - -import os -import time -import copy -# import psfConfig as mypy -import PSF.PSFInterp.psfConfig as mypy -npsf = 900 #***# 30*30 - -LOG_DEBUG = False #***# - -class PSFInterp(object): - # def __init__(self, PSF_data=None, params=None, PSF_data_file=None): - def __init__(self, chip, PSF_data=None, PSF_data_file=None, sigSpin=0., psfRa=0.15): - """ - The PSF data matrix is either given by a object parameter or read in from a file. - Parameters: - PSF_data: The PSF data matrix object - params: Other parameters? - PSF_data_file: The file for PSF data matrix (optional). - """ - if LOG_DEBUG: - print('===================================================') - print('DEBUG: psf module for csstSim ' \ - +time.strftime("(%Y-%m-%d %H:%M:%S)", time.localtime()), flush=True) - print('===================================================') - - self.sigSpin = sigSpin - self.sigGauss = psfRa # 80% light radius - - # iccd = 1 #***# - # iccd = chip.chipID - iccd = int(chip.getChipLabel(chipID=chip.chipID)) - if PSF_data_file == None: - PSF_data_file = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp_30X30' - - self.nwave = self._getPSFwave(iccd, PSF_data_file) - if LOG_DEBUG: - print('nwave-{:} on ccd-{:}::'.format(self.nwave, iccd), flush=True) - self.PSF_data = self._loadPSF(iccd, PSF_data_file) - self.itpPSF_data = self._preprocessPSF() - - if LOG_DEBUG: - print('self.PSF_data & self.itpPSF_data ... ok', flush=True) - - if LOG_DEBUG: - print('Preparing self.[psfMat,cen_col,cen_row] for psfMaker ... ', end='', flush=True) - - ngy, ngx = self.itpPSF_data[0][0]['psfMat'].shape - self.psfMat = np.zeros([self.nwave, npsf, ngy, ngx]) - self.cen_col= np.zeros([self.nwave, npsf]) - self.cen_row= np.zeros([self.nwave, npsf]) - for iwave in range(self.nwave): - for ipsf in range(npsf): - self.psfMat[iwave, ipsf, :, :] = self.itpPSF_data[iwave][ipsf]['psfMat'] - self.cen_col[iwave, ipsf] = self.itpPSF_data[iwave][ipsf]['imgMaxPosx_ccd'] - self.cen_row[iwave, ipsf] = self.itpPSF_data[iwave][ipsf]['imgMaxPosy_ccd'] - - if LOG_DEBUG: - print('ok', flush=True) - - - def _getPSFwave(self, iccd, PSF_data_file): - """ - Get # of sampling waves on iccd - Parameters: - iccd: The chip of i-th ccd - PSF_data_file: The file for PSF data matrix - Returns: - nwave: The number of the sampling waves - """ - strs = os.listdir(PSF_data_file + '/ccd{:}'.format(iccd)) - nwave = 0 - for _ in strs: - if 'wave_' in _: - nwave += 1 - return nwave - - - - def _loadPSF(self, iccd, PSF_data_file): - """ - load psf-matrix on iccd - Parameters: - iccd: The chip of i-th ccd - PSF_data_file: The file for PSF data matrix - Returns: - psfSet: The matrix of the csst-psf - """ - psfSet = [] - for ii in range(self.nwave): - iwave = ii+1 - if LOG_DEBUG: - print('self._loadPSF: iwave::', iwave, flush=True) - psfWave = [] - for jj in range(npsf): - ipsf = jj+1 - psfInfo = mypy.LoadPSF(iccd, iwave, ipsf, PSF_data_file, CalcPSFsize=False, InputMaxPixelPos=True) - psfWave.append(psfInfo) - psfSet.append(psfWave) - if LOG_DEBUG: - print('psfSet has been loaded:', flush=True) - print('psfSet[iwave][ipsf][keys]:', psfSet[0][0].keys(), flush=True) - return psfSet - - - - def _preprocessPSF(self): - """ - Preprocessing psf-matrix - Parameters: - - Returns: - itpPSF_data: The matrix of the preprocessed csst-psf - """ - itpPSF_data = copy.deepcopy(self.PSF_data) - for iwave in range(self.nwave): - for ipsf in range(npsf): - psfMat = self.PSF_data[iwave][ipsf]['psfMat'] - psfMatX= mypy.psfCentering(psfMat, CenteringMode=1) - itpPSF_data[iwave][ipsf]['psfMat'] = psfMatX - return itpPSF_data - - - - def _findWave(self, bandpass): - for iwave in range(self.nwave): - bandwave = self.PSF_data[iwave][0]['wavelength'] - if bandpass.blue_limit < bandwave and bandwave < bandpass.red_limit: - return iwave - return -1 - - - - def get_PSF(self, chip, pos_img, bandpass, pixSize=0.037, galsimGSObject=True): - """ - Get the PSF at a given image position - - Parameters: - chip: A 'Chip' object representing the chip we want to extract PSF from. - pos_img: A 'galsim.Position' object representing the image position. - bandpass: A 'galsim.Bandpass' object representing the wavelength range. - pixSize: The pixels size of psf matrix - Returns: - PSF: A 'galsim.GSObject'. - """ - # iccd = 1 #***# #chip.chipID - # iccd = chip.chipID - iccd = int(chip.getChipLabel(chipID=chip.chipID)) - # iwave = 1 #***# #self.findWave(bandpass) - iwave = self._findWave(bandpass) - if iwave == -1: - print("!!!PSF bandpass does not match.") - exit() - PSFMat = self.psfMat[iwave] - cen_col= self.cen_col[iwave] - cen_row= self.cen_row[iwave] - # print('shape:', cen_col.shape) - # px = pos_img[0] - # py = pos_img[1] - px = pos_img.x - py = pos_img.y - imPSF = mypy.psfMaker_IDW(px, py, PSFMat, cen_col, cen_row, IDWindex=2, OnlyNeighbors=True) - if galsimGSObject: - img = galsim.ImageF(imPSF, scale=pixSize) - self.psf = galsim.InterpolatedImage(img) - dx = px - chip.cen_pix_x - dy = py - chip.cen_pix_y - return self.PSFspin(x=dx, y=dy) - return imPSF - - def PSFspin(self, x, y): - """ - The PSF profile at a given image position relative to the axis center - - Parameters: - theta : spin angles in a given exposure in unit of [arcsecond] - dx, dy: relative position to the axis center in unit of [pixels] - - Return: - Spinned PSF: g1, g2 and axis ratio 'a/b' - """ - a2Rad = np.pi/(60.0*60.0*180.0) - - ff = self.sigGauss * 0.107 * (1000.0/10.0) # in unit of [pixels] - rc = np.sqrt(x*x + y*y) - cpix = rc*(self.sigSpin*a2Rad) - - beta = (np.arctan2(y,x) + np.pi/2) - ell = cpix**2/(2.0*ff**2+cpix**2) - #ell *= 10.0 - qr = np.sqrt((1.0+ell)/(1.0-ell)) - - #psfShape = galsim.Shear(e=ell, beta=beta) - #g1, g2 = psfShape.g1, psfShape.g2 - #qr = np.sqrt((1.0+ell)/(1.0-ell)) - - #return ell, beta, qr - PSFshear = galsim.Shear(e=ell, beta=beta*galsim.radians) - return self.psf.shear(PSFshear), PSFshear - - - -if __name__ == '__main__': - psfPath = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp_30X30' - #psfPath = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp' - psfCSST = PSFInterp(PSF_data_file = psfPath) - iwave= 1 - ipsf = 665 - pos_img = [psfCSST.cen_col[iwave, ipsf], psfCSST.cen_row[iwave, ipsf]] - img = psfCSST.get_PSF(1, pos_img, iwave, galsimGSObject=False) - - #plot check-1 - import matplotlib.pyplot as plt - fig = plt.figure(figsize=(18,5)) - ax = plt.subplot(1,3,1) - plt.imshow(img) - plt.colorbar() - ax = plt.subplot(1,3,2) - imgx = psfCSST.itpPSF_data[iwave][ipsf]['psfMat'] - imgx/= np.sum(imgx) - plt.imshow(imgx) - plt.colorbar() - ax = plt.subplot(1,3,3) - plt.imshow(img - imgx) - plt.colorbar() - plt.savefig('test/figs/test.jpg') - - #plot check-2: 注意图像坐标和全局坐标 - fig = plt.figure(figsize=(8,8), dpi = 200) - img = psfCSST.PSF_data[iwave][ipsf]['psfMat'] - npix = img.shape[0] - dng = 105 - imgg = img[dng:-dng, dng:-dng] - plt.imshow(imgg) - imgX = psfCSST.PSF_data[iwave][ipsf]['image_x'] #in mm - imgY = psfCSST.PSF_data[iwave][ipsf]['image_y'] #in mm - deltX= psfCSST.PSF_data[iwave][ipsf]['centroid_x'] #in mm - deltY= psfCSST.PSF_data[iwave][ipsf]['centroid_y'] #in mm - maxX = psfCSST.PSF_data[iwave][ipsf]['max_x'] - maxY = psfCSST.PSF_data[iwave][ipsf]['max_y'] - cenPix_X = npix/2 + deltX/0.005 - cenPix_Y = npix/2 - deltY/0.005 - maxPix_X = npix/2 + maxX/0.005-1 - maxPix_Y = npix/2 - maxY/0.005-1 - plt.plot([cenPix_X-dng],[cenPix_Y-dng], 'rx', ms = 20) - plt.plot([maxPix_X-dng],[maxPix_Y-dng], 'b+', ms=20) - - from scipy import ndimage - y, x = ndimage.center_of_mass(img) - plt.plot([x-dng],[y-dng], 'rx', ms = 10, mew=2) - x, y = mypy.findMaxPix(img) - plt.plot([x-dng],[y-dng], 'b+', ms = 10, mew=2) - plt.savefig('test/figs/test.jpg') - - - - - - - - diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/PSFConfig.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/PSFConfig.py deleted file mode 100644 index c3dcf0c929490dca92449589a301a517eeecadf0..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/PSFConfig.py +++ /dev/null @@ -1,236 +0,0 @@ -import sys -from itertools import islice - -import numpy as np -import matplotlib.pyplot as plt - -import scipy.io -#from scipy.io import loadmat - -from scipy import ndimage - -import ctypes -import galsim - -from PSF.PSFInterp.PSFUtil import * - - -###加载PSF信息### -def LoadPSF(iccd, iwave, ipsf, psfPath, psfSampleSize=5, InputMaxPixelPos=False, PSFCentroidWgt=False): - """ - load psf informations from psf matrix. - - Parameters: - iccd (int): ccd number [1,30]. - iwave(int): wave-index [1,4]. - ipsf (int): psf number [1, 100]. - psfPath (int): path to psf matrix - psfSampleSize (float-optional): psf size in microns. - InputMaxPixelPos(bool-optional): only True for 30*30 psf-matrix - Returns: - psfInfo (dirctionary) - """ - if iccd not in np.linspace(1, 30, 30, dtype='int'): - print('Error - iccd should be in [1, 30].') - sys.exit() - if iwave not in np.linspace(1, 4, 4, dtype='int'): - print('Error - iwave should be in [1, 4].') - sys.exit() - if ipsf not in np.linspace(1, 900, 900, dtype='int'): - print('Error - ipsf should be in [1, 900].') - sys.exit() - - psfInfo = {} - fpath = psfPath +'/' +'ccd{:}'.format(iccd) +'/' + 'wave_{:}'.format(iwave) - - #获取ipsf矩阵 - if not PSFCentroidWgt: - ##读取PSF原数据 - fpathMat = fpath +'/' +'5_psf_array' +'/' +'psf_{:}.mat'.format(ipsf) - data = scipy.io.loadmat(fpathMat) - psfInfo['psfMat'] = data['psf'] - if PSFCentroidWgt: - ##读取PSFCentroidWgt - ffpath = psfPath +'_proc/' +'ccd{:}'.format(iccd) +'/' + 'wave_{:}'.format(iwave) - ffpathMat = ffpath +'/' +'5_psf_array' +'/' +'psf_{:}_centroidWgt.mat'.format(ipsf) - data = scipy.io.loadmat(ffpathMat) - psfInfo['psfMat'] = data['psf'] - - - #获取ipsf波长 - fpathWave = fpath +'/' +'1_wavelength.txt' - f = open(fpathWave, 'r') - wavelength = np.float(f.readline()) - f.close() - psfInfo['wavelength'] = wavelength - - #获取ipsf位置 - fpathCoordinate = fpath +'/' +'4_PSF_coordinate.txt' - f = open(fpathCoordinate, 'r') - header = f.readline() - for line in islice(f, ipsf-1, ipsf): - line = line.strip() - columns = line.split() - f.close() - icol = 0 - psfInfo['field_x'] = float(columns[icol]) #deg, 视场采样位置 - icol+= 1 - psfInfo['field_y'] = float(columns[icol]) #deg - icol+= 1 - psfInfo['centroid_x'] = float(columns[icol]) #mm, psf质心相对主光线的偏移量 - icol+= 1 - psfInfo['centroid_y'] = float(columns[icol]) #mm - icol+= 1 - if InputMaxPixelPos == True: - psfInfo['max_x'] = float(columns[icol]) #mm, max pixel postion - icol+= 1 - psfInfo['max_y'] = float(columns[icol]) #mm - icol+= 1 - psfInfo['image_x'] = float(columns[icol]) #mm, 主光线位置 - icol+= 1 - psfInfo['image_y'] = float(columns[icol]) #mm - - nrows, ncols = psfInfo['psfMat'].shape - psfPos = psfPixelLayout(nrows, ncols, psfInfo['image_y'], psfInfo['image_x'], pixSizeInMicrons=5.0) - imgMaxPix_x, imgMaxPix_y = findMaxPix(psfInfo['psfMat']) - psfInfo['imgMaxPosx_ccd'] = psfPos[0, imgMaxPix_y, imgMaxPix_x] #cx, psf最大值位置, in mm - psfInfo['imgMaxPosy_ccd'] = psfPos[1, imgMaxPix_y, imgMaxPix_x] #cy - - - if PSFCentroidWgt: - #if ipsf == 1: - #print('Check:', psfInfo['centroid_x'], psfInfo['centroid_y'], data['cx'][0][0], data['cy'][0][0]) - psfInfo['centroid_x'] = data['cx'][0][0] #mm, psfCentroidWgt质心相对主光线的偏移量 - psfInfo['centroid_y'] = data['cy'][0][0] #mm - return psfInfo - - -###加载PSF矩阵信息### -def LoadPSFset(iccd, iwave, npsf, psfPath, psfSampleSize=5, InputMaxPixelPos=False, PSFCentroidWgt=False): - """ - load psfSet for interpolation - - Parameters: - iccd, iwave, psfPath: # of ccd/wave and path for psfs - npsf: 100 or 900 for different psf matrixes - - Returns: - PSFMat (numpy.array): images - cen_col, cen_row (numpy.array, numpy.array): position of psf center in the view field - """ - psfSet = [] - for ipsf in range(1, npsf+1): - psfInfo = LoadPSF(iccd, iwave, ipsf, psfPath, InputMaxPixelPos=InputMaxPixelPos, PSFCentroidWgt=PSFCentroidWgt) - psfSet.append(psfInfo) - - ngy, ngx = psfSet[0]['psfMat'].shape - PSFMat = np.zeros([npsf, ngy, ngx]) - cen_col= np.zeros(npsf) - cen_row= np.zeros(npsf) - FieldPos = False - for ipsf in range(npsf): - iPSFMat = psfSet[ipsf]['psfMat'] - PSFMat[ipsf, :, :] = psfTailor(iPSFMat, apSizeInArcsec=2.5) - - if FieldPos == True: - cen_col[ipsf] = psfSet[ipsf]['field_x'] #cx - cen_row[ipsf] = psfSet[ipsf]['field_y'] #cy - if FieldPos == False: - cen_col[ipsf] = psfSet[ipsf]['image_x'] + psfSet[ipsf]['centroid_x'] #cx - cen_row[ipsf] = psfSet[ipsf]['image_y'] + psfSet[ipsf]['centroid_y'] #cy - #cen_col[ipsf] = psfSet[ipsf]['imgMaxPosx_ccd'] #cx --- to be updated - #cen_row[ipsf] = psfSet[ipsf]['imgMaxPosy_ccd'] #cy - #cen_col[ipsf] = psfSet[ipsf]['image_x'] - #cen_row[ipsf] = psfSet[ipsf]['image_y'] - return psfSet, PSFMat, cen_col, cen_row - - -###插值PSF图像-IDW方法### -def psfMaker_IDW(px, py, PSFMat, cen_col, cen_row, IDWindex=2, OnlyNeighbors=True, hoc=None, hoclist=None, PSFCentroidWgt=False): - """ - psf interpolation by IDW - - Parameters: - px, py (float, float): position of the target - PSFMat (numpy.array): image - cen_col, cen_row (numpy.array, numpy.array): potions of the psf centers - IDWindex (int-optional): the power index of IDW - OnlyNeighbors (bool-optional): only neighbors are used for psf interpolation - - Returns: - psfMaker (numpy.array) - """ - minimum_psf_weight = 1e-8 - ref_col = px - ref_row = py - - ngy, ngx = PSFMat[0, :, :].shape - npsf = PSFMat[:, :, :].shape[0] - psfWeight = np.zeros([npsf]) - - if OnlyNeighbors == True: - if hoc is None: - neigh = findNeighbors(px, py, cen_col, cen_row, dr=5., dn=4, OnlyDistance=False) - if hoc is not None: - #hoc,hoclist = findNeighbors_hoclist(cen_col, cen_row) - neigh = findNeighbors_hoclist(cen_col, cen_row, tx=px,ty=py, dn=4, hoc=hoc, hoclist=hoclist) - - #print("neigh:", neigh) - neighFlag = np.zeros(npsf) - neighFlag[neigh] = 1 - - for ipsf in range(npsf): - if OnlyNeighbors == True: - if neighFlag[ipsf] != 1: - continue - - dist = np.sqrt((ref_col - cen_col[ipsf])**2 + (ref_row - cen_row[ipsf])**2) - if IDWindex == 1: - psfWeight[ipsf] = dist - if IDWindex == 2: - psfWeight[ipsf] = dist**2 - if IDWindex == 3: - psfWeight[ipsf] = dist**3 - if IDWindex == 4: - psfWeight[ipsf] = dist**4 - psfWeight[ipsf] = max(psfWeight[ipsf], minimum_psf_weight) - psfWeight[ipsf] = 1./psfWeight[ipsf] - psfWeight /= np.sum(psfWeight) - - psfMaker = np.zeros((ngy, ngx), dtype='float64') - for ipsf in range(npsf): - if OnlyNeighbors == True: - if neighFlag[ipsf] != 1: - continue - - iPSFMat = PSFMat[ipsf, :, :].copy() - #if not PSFCentroidWgt: - # iPSFMat = psfCentering(iPSFMat, CenteringMode=2) - #iPSFMat = psfCentering_FFT(iPSFMat) - #if PSFCentroidWgt: - - ipsfWeight = psfWeight[ipsf] - psfMaker += iPSFMat * ipsfWeight - #print("ipsf, ipsfWeight:", ipsf, ipsfWeight) - psfMaker /= np.nansum(psfMaker) - - return psfMaker - - - -###TEST### -if __name__ == '__main__': - iccd = 1 - iwave= 1 - ipsf = 1 - npsf = 100 - psfPath = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp' - - a, b, c, d = LoadPSFset(iccd, iwave, npsf, psfPath, InputMaxPixelPos=False) - psfSet = a - - print('psfSet has been loaded.') - print('Usage: psfSet[i][keys]') - print('psfSet.keys:', psfSet[0].keys()) - print(c[0:10]) - print(d[0:10]) diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/PSFInterp.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/PSFInterp.py deleted file mode 100644 index c35cff6e36b661234494f29f739d7a3069840cc8..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/PSFInterp.py +++ /dev/null @@ -1,377 +0,0 @@ -''' -PSF interpolation for CSST-Sim - -NOTE: [iccd, iwave, ipsf] are counted from 1 to n, but [tccd, twave, tpsf] are counted from 0 to n-1 -''' - -import galsim -import numpy as np - -import os -import time -import copy -import PSF.PSFInterp.PSFConfig as myConfig -import PSF.PSFInterp.PSFUtil as myUtil -from PSF.PSFModel import PSFModel - -LOG_DEBUG = False #***# -NPSF = 900 #***# 30*30 -iccdTest = 1 #***# - - -class PSFInterp(PSFModel): - # def __init__(self, PSF_data=None, params=None, PSF_data_file=None): - def __init__(self, chip, PSF_data=None, PSF_data_file=None, sigSpin=0., psfRa=0.15): - """ - The PSF data matrix is either given by a object parameter or read in from a file. - Parameters: - PSF_data: The PSF data matrix object - params: Other parameters? - PSF_data_file: The file for PSF data matrix (optional). - """ - if LOG_DEBUG: - print('===================================================') - print('DEBUG: psf module for csstSim ' \ - +time.strftime("(%Y-%m-%d %H:%M:%S)", time.localtime()), flush=True) - print('===================================================') - - self.sigSpin = sigSpin - self.sigGauss = psfRa # 80% light radius - - self.iccd = int(chip.getChipLabel(chipID=chip.chipID)) - if PSF_data_file == None: - PSF_data_file = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp_30X30' - - self.nwave= self._getPSFwave(self.iccd, PSF_data_file) - self.PSF_data = self._loadPSF(self.iccd, PSF_data_file) - - if LOG_DEBUG: - print('nwave-{:} on ccd-{:}::'.format(self.nwave, self.iccd), flush=True) - print('self.PSF_data ... ok', flush=True) - print('Preparing self.[psfMat,cen_col,cen_row] for psfMaker ... ', end='', flush=True) - - ngy, ngx = self.PSF_data[0][0]['psfMat'].shape - self.psfMat = np.zeros([self.nwave, NPSF, ngy, ngx]) - self.cen_col= np.zeros([self.nwave, NPSF]) - self.cen_row= np.zeros([self.nwave, NPSF]) - self.hoc =[] - self.hoclist=[] - for twave in range(self.nwave): - for tpsf in range(NPSF): - #psfMatX = myUtil.psfTailor(self.PSF_data[twave][tpsf]['psfMat'], apSizeInArcsec=2.5) - self.psfMat[twave, tpsf, :, :] = self.PSF_data[twave][tpsf]['psfMat'] - self.cen_col[twave, tpsf] = self.PSF_data[twave][tpsf]['image_x'] + self.PSF_data[twave][tpsf]['centroid_x'] - self.cen_row[twave, tpsf] = self.PSF_data[twave][tpsf]['image_y'] +self.PSF_data[twave][tpsf]['centroid_y'] - #hoclist on twave for neighborsFinding - hoc,hoclist = myUtil.findNeighbors_hoclist(self.cen_col[twave], self.cen_row[twave]) - self.hoc.append(hoc) - self.hoclist.append(hoclist) - - if LOG_DEBUG: - print('ok', flush=True) - - - def _getPSFwave(self, iccd, PSF_data_file): - """ - Get # of sampling waves on iccd - Parameters: - iccd: The chip of i-th ccd - PSF_data_file: The file for PSF data matrix - Returns: - nwave: The number of the sampling waves - """ - strs = os.listdir(PSF_data_file + '/ccd{:}'.format(iccd)) - nwave = 0 - for _ in strs: - if 'wave_' in _: - nwave += 1 - return nwave - - - - def _loadPSF(self, iccd, PSF_data_file): - """ - load psf-matrix on iccd - Parameters: - iccd: The chip of i-th ccd - PSF_data_file: The file for PSF data matrix - Returns: - psfSet: The matrix of the csst-psf - """ - psfSet = [] - for ii in range(self.nwave): - iwave = ii+1 - if LOG_DEBUG: - print('self._loadPSF: iwave::', iwave, flush=True) - psfWave = [] - for jj in range(NPSF): - ipsf = jj+1 - psfInfo = myConfig.LoadPSF(iccd, iwave, ipsf, PSF_data_file, InputMaxPixelPos=True, PSFCentroidWgt=True) - psfWave.append(psfInfo) - psfSet.append(psfWave) - if LOG_DEBUG: - print('psfSet has been loaded:', flush=True) - print('psfSet[iwave][ipsf][keys]:', psfSet[0][0].keys(), flush=True) - return psfSet - - - - def _preprocessPSF(self): - """ - Preprocessing psf-matrix - Parameters: - - Returns: - itpPSF_data: The matrix of the preprocessed csst-psf - """ - ''' - #old version (discarded) - itpPSF_data = copy.deepcopy(self.PSF_data) - for twave in range(self.nwave): - for tpsf in range(NPSF): - psfMat = self.PSF_data[twave][tpsf]['psfMat'] - psf_image_x = self.PSF_data[twave][tpsf]['image_x'] - psf_image_y = self.PSF_data[twave][tpsf]['image_y'] - - #psfMatX= myUtil.psfCentering(psfMat, CenteringMode=1) - #itpPSF_data[twave][tpsf]['psfMat'] = psfMatX - - #img, cxt, cyt = myUtil.psfCentering_wgt(psfMat, psf_image_x, psf_image_y) - #itpPSF_data[twave][tpsf]['psfMat'] = img - #itpPSF_data[twave][tpsf]['centroid_x'] = cxt - #itpPSF_data[twave][tpsf]['centroid_y'] = cyt - return itpPSF_data - ''' - pass - - - def _findWave(self, bandpass): - for twave in range(self.nwave): - bandwave = self.PSF_data[twave][0]['wavelength'] - if bandpass.blue_limit < bandwave and bandwave < bandpass.red_limit: - return twave - return -1 - - - - def get_PSF(self, chip, pos_img, bandpass, pixSize=0.037, galsimGSObject=True, folding_threshold=5.e-3): - """ - Get the PSF at a given image position - - Parameters: - chip: A 'Chip' object representing the chip we want to extract PSF from. - pos_img: A 'galsim.Position' object representing the image position. - bandpass: A 'galsim.Bandpass' object representing the wavelength range. - pixSize: The pixels size of psf matrix - Returns: - PSF: A 'galsim.GSObject'. - """ - assert self.iccd == int(chip.getChipLabel(chipID=chip.chipID)), 'ERROR: self.iccd != chip.label' - # twave = bandpass-1 #***# ??? #self.findWave(bandpass) ###twave=iwave-1 as that in NOTE - twave = self._findWave(bandpass) - if twave == -1: - print("!!!PSF bandpass does not match.") - exit() - PSFMat = self.psfMat[twave] - cen_col= self.cen_col[twave] - cen_row= self.cen_row[twave] - - # px = pos_img[0] - # py = pos_img[1] - px = (pos_img.x - chip.cen_pix_x)*0.01 - py = (pos_img.y - chip.cen_pix_y)*0.01 - imPSF = myConfig.psfMaker_IDW(px, py, PSFMat, cen_col, cen_row, IDWindex=2, OnlyNeighbors=True, hoc=self.hoc[twave], hoclist=self.hoclist[twave], PSFCentroidWgt=True) - #imPSF = myConfig.psfMaker_IDW(px, py, PSFMat, cen_col, cen_row, IDWindex=2, OnlyNeighbors=True, PSFCentroidWgt=True) - if galsimGSObject: - img = galsim.ImageF(imPSF, scale=pixSize) - gsp = galsim.GSParams(folding_threshold=folding_threshold) - self.psf = galsim.InterpolatedImage(img, gsparams=gsp) - # dx = px - chip.cen_pix_x - # dy = py - chip.cen_pix_y - return self.PSFspin(x=px/0.01, y=py/0.01) - return imPSF - - def PSFspin(self, x, y): - """ - The PSF profile at a given image position relative to the axis center - - Parameters: - theta : spin angles in a given exposure in unit of [arcsecond] - dx, dy: relative position to the axis center in unit of [pixels] - - Return: - Spinned PSF: g1, g2 and axis ratio 'a/b' - """ - a2Rad = np.pi/(60.0*60.0*180.0) - - ff = self.sigGauss * 0.107 * (1000.0/10.0) # in unit of [pixels] - rc = np.sqrt(x*x + y*y) - cpix = rc*(self.sigSpin*a2Rad) - - beta = (np.arctan2(y,x) + np.pi/2) - ell = cpix**2/(2.0*ff**2+cpix**2) - qr = np.sqrt((1.0+ell)/(1.0-ell)) - PSFshear = galsim.Shear(e=ell, beta=beta*galsim.radians) - return self.psf.shear(PSFshear), PSFshear - - - - -def testPSFInterp(): - import time - import matplotlib.pyplot as plt - - iccd = iccdTest #[1, 30] for test - iwave= 1 #[1, 4] for test - - npsfB = 900 - psfPathB = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp_30X30' - psfCSST = PSFInterp(PSF_data_file = psfPathB) ### define PSF_data from 30*30 - - - npsfA = 100 - psfPathA = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp' - psfSetA, PSFMatA, cen_colA, cen_rowA = myConfig.LoadPSFset(iccd, iwave, npsfA, psfPathA, InputMaxPixelPos=False, PSFCentroidWgt=True) ###load test_data from 10*10 - - psf_sz = np.zeros(npsfA) - psf_e1 = np.zeros(npsfA) - psf_e2 = np.zeros(npsfA) - psfMaker_sz = np.zeros(npsfA) - psfMaker_e1 = np.zeros(npsfA) - psfMaker_e2 = np.zeros(npsfA) - - runtimeInterp = 0 - starttime = time.time() - for ipsf in range(npsfA): - print('IDW-ipsf: {:4}/100'.format(ipsf), end='\r', flush=True) - - starttimeInterp = time.time() - px = cen_colA[ipsf] - py = cen_rowA[ipsf] - pos_img = [px, py] - img = psfCSST.get_PSF(iccd, pos_img, iwave, galsimGSObject=False) ###interpolate PSF at[px,py] - endtimeInterp = time.time() - runtimeInterp = runtimeInterp + (endtimeInterp - starttimeInterp) - - - imx = psfSetA[ipsf]['psfMat'] - imy = img - - cenX, cenY, sz, e1, e2, REE80 = myUtil.psfSizeCalculator(imx, CalcPSFcenter=True, SigRange=True, TailorScheme=2) - psf_sz[ipsf] = sz - psf_e1[ipsf] = e1 - psf_e2[ipsf] = e2 - cenX, cenY, sz, e1, e2, REE80 = myUtil.psfSizeCalculator(imy, CalcPSFcenter=True, SigRange=True, TailorScheme=2) - psfMaker_sz[ipsf] = sz - psfMaker_e1[ipsf] = e1 - psfMaker_e2[ipsf] = e2 - endtime = time.time() - print('run time::', endtime - starttime, runtimeInterp) - - if True: - ell_iccd = np.zeros(npsfA) - ell_iccd_psfMaker = np.zeros(npsfA) - fig = plt.figure(figsize=(18, 5)) - plt.subplots_adjust(wspace=0.1, hspace=0.1) - ax = plt.subplot(1, 3, 1) - for ipsf in range(npsfA): - imx = cen_colA[ipsf] - imy = cen_rowA[ipsf] - plt.plot(imx, imy, 'b.') - - ang = np.arctan2(psf_e2[ipsf], psf_e1[ipsf])/2 - ell = np.sqrt(psf_e1[ipsf]**2 + psf_e2[ipsf]**2) - ell_iccd[ipsf] = ell - ell *= 50 - lcos = ell*np.cos(ang) - lsin = ell*np.sin(ang) - plt.plot([imx-lcos, imx+lcos],[imy-lsin, imy+lsin],'b', lw=2) - ########### - ang = np.arctan2(psfMaker_e2[ipsf], psfMaker_e1[ipsf])/2 - ell = np.sqrt(psfMaker_e1[ipsf]**2 + psfMaker_e2[ipsf]**2) - ell_iccd_psfMaker[ipsf] = ell - ell *= 50 - lcos = ell*np.cos(ang) - lsin = ell*np.sin(ang) - plt.plot([imx-lcos, imx+lcos],[imy-lsin, imy+lsin],'r', lw=1) - ########### - plt.gca().set_aspect(1) - - ax = plt.subplot(1, 3, 2) - tmp = plt.hist(ell_iccd, bins = 8, color='b', alpha=0.5) - tmp = plt.hist(ell_iccd_psfMaker, bins = 8, color='r', alpha=0.5) - plt.annotate('iccd-{:} iwave-{:}'.format(iccd, iwave), (0.55, 0.85), xycoords='axes fraction',fontsize=15) - plt.xlabel('ell') - plt.ylabel('PDF') - - ax = plt.subplot(1, 3, 3) - dsz = (psfMaker_sz - psf_sz)/psf_sz - dsz_hist= plt.hist(dsz) - plt.xlabel('dsz') - plt.savefig('test/figs/testPSFInterp_30t10_iccd{:}_iwave{:}.pdf'.format(iccd, iwave)) - - - - - -if __name__ == '__main__': - if False: - psfPath = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp_30X30' - #psfPath = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp' - psfCSST = PSFInterp(PSF_data_file = psfPath) - iwave= 1 - ipsf = 665 - pos_img = [psfCSST.cen_col[iwave, ipsf], psfCSST.cen_row[iwave, ipsf]] - img = psfCSST.get_PSF(1, pos_img, iwave, galsimGSObject=False) - print('haha') - - if True: - testPSFInterp() - - if False: - #old version (discarded) - #plot check-1 - import matplotlib.pyplot as plt - fig = plt.figure(figsize=(18,5)) - ax = plt.subplot(1,3,1) - plt.imshow(img) - plt.colorbar() - ax = plt.subplot(1,3,2) - imgx = psfCSST.itpPSF_data[iwave][ipsf]['psfMat'] - imgx/= np.sum(imgx) - plt.imshow(imgx) - plt.colorbar() - ax = plt.subplot(1,3,3) - plt.imshow(img - imgx) - plt.colorbar() - plt.savefig('test/figs/test1.jpg') - - if False: - #old version (discarded) - #plot check-2: 注意图像坐标和全局坐标 - fig = plt.figure(figsize=(8,8), dpi = 200) - img = psfCSST.PSF_data[iwave][ipsf]['psfMat'] - npix = img.shape[0] - dng = 105 - imgg = img[dng:-dng, dng:-dng] - plt.imshow(imgg) - imgX = psfCSST.PSF_data[iwave][ipsf]['image_x'] #in mm - imgY = psfCSST.PSF_data[iwave][ipsf]['image_y'] #in mm - deltX= psfCSST.PSF_data[iwave][ipsf]['centroid_x'] #in mm - deltY= psfCSST.PSF_data[iwave][ipsf]['centroid_y'] #in mm - maxX = psfCSST.PSF_data[iwave][ipsf]['max_x'] - maxY = psfCSST.PSF_data[iwave][ipsf]['max_y'] - cenPix_X = npix/2 + deltX/0.005 - cenPix_Y = npix/2 - deltY/0.005 - maxPix_X = npix/2 + maxX/0.005-1 - maxPix_Y = npix/2 - maxY/0.005-1 - plt.plot([cenPix_X-dng],[cenPix_Y-dng], 'rx', ms = 20) - plt.plot([maxPix_X-dng],[maxPix_Y-dng], 'b+', ms=20) - - from scipy import ndimage - y, x = ndimage.center_of_mass(img) - plt.plot([x-dng],[y-dng], 'rx', ms = 10, mew=4) - x, y = myUtil.findMaxPix(img) - plt.plot([x-dng],[y-dng], 'b+', ms = 10, mew=4) - plt.savefig('test/figs/test2.jpg') - diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/PSFProcess.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/PSFProcess.py deleted file mode 100644 index 5323915b3357ad5f1d5239f740ac0d71214e089c..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/PSFProcess.py +++ /dev/null @@ -1,85 +0,0 @@ -import os, sys -import numpy as np -import scipy.io -import mpi4py.MPI as MPI - - - -sys.path.append("/public/home/weichengliang/lnData/CSST_new_framwork/csstPSF") -import PSFConfig as myConfig -import PSFUtil as myUtil - -def mkdir(path): - isExists = os.path.exists(path) - if not isExists: - os.mkdir(path) - - -############################################ -comm = MPI.COMM_WORLD -ThisTask = comm.Get_rank() -NTasks = comm.Get_size() - -npsf = 900 -psfPath = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp_30X30' -#npsf = 100 -#psfPath = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp' - -npsfPerTasks = int(npsf/NTasks) -iStart= 0 + npsfPerTasks*ThisTask -iEnd = npsfPerTasks + npsfPerTasks*ThisTask -if ThisTask == NTasks: - iEnd = npsf - - -for iccd in range(1, 31): - iccdPath = psfPath + '_proc/ccd{:}'.format(iccd) - if ThisTask == 0: - mkdir(iccdPath) - comm.barrier() - - for iwave in range(1, 5): - iwavePath = iccdPath + '/wave_{:}'.format(iwave) - if ThisTask == 0: - mkdir(iwavePath) - comm.barrier() - - psfMatPath = iwavePath + '/5_psf_array' - if ThisTask == 0: - mkdir(psfMatPath) - comm.barrier() - - for ii in range(iStart, iEnd): - ipsf = ii+1 - if ThisTask ==0: - print('iccd-iwave-ipsf: {:4}{:4}{:4}'.format(iccd, iwave, ipsf), end='\r',flush=True) - #if iccd != 1 or iwave !=1 or ipsf != 1: - # continue - - ipsfOutput = psfMatPath + '/psf_{:}_centroidWgt.mat'.format(ipsf) - #ipsfOutput = './psf_{:}_centroidWgt.mat'.format(ipsf) - - psfInfo = myConfig.LoadPSF(iccd, iwave, ipsf, psfPath, InputMaxPixelPos=True) - ipsfMat = psfInfo['psfMat'] - npix_y, npix_x = ipsfMat.shape - - if npsf == 100: - ncut = 160 - if npsf == 900: - ncut = 200 - img, cx, cy = myUtil.centroidWgt(ipsfMat, nt=ncut) - dcx = cx - npix_x/2 #pixel coords -> global coords - dcy =-(cy - npix_y/2) #pixel coords -> global coords - dcx*= 5e-3 #pixels -> mm - dcy*= 5e-3 #pixels -> mm - - nn = 256 - dn = int((nn - ncut)/2) - imgt = np.zeros([nn, nn], dtype=np.float32) - imgt[dn:-dn, dn:-dn] = img - - scipy.io.savemat(ipsfOutput, {'cx':dcx, 'cy':dcy, 'psf':imgt}) - if iccd != 1 or iwave !=1 or ipsf != 1: - if ThisTask == 0: - print('CHECK::', dcx, dcy, psfInfo['centroid_x'],psfInfo['centroid_y']) - diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/PSFUtil.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/PSFUtil.py deleted file mode 100644 index e13a5611fc728e7cd9443363a4161e247118596c..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/PSFUtil.py +++ /dev/null @@ -1,531 +0,0 @@ -import sys -from itertools import islice - -import numpy as np -#import matplotlib.pyplot as plt - -import scipy.io -#from scipy.io import loadmat -#import xlrd - -from scipy import ndimage -#from scipy.interpolate import RectBivariateSpline - -import scipy.spatial as spatial - -#from astropy.modeling.models import Ellipse2D -#from astropy.coordinates import Angle -#import matplotlib.patches as mpatches - -import ctypes -#import galsim - - -###定义PSF像素的全局坐标### -def psfPixelLayout(nrows, ncols, cenPosRow, cenPosCol, pixSizeInMicrons=5.0): - """ - convert psf pixels to physical position - - Parameters: - nrows, ncols (int, int): psf sampling with [nrows, ncols]. - cenPosRow, cenPosCol (float, float): A physical position of the chief ray for a given psf. - pixSizeInMicrons (float-optional): The pixel size in microns from the psf sampling. - - Returns: - psfPixelPos (numpy.array-float): [posx, posy] in mm for [irow, icol] - - Notes: - 1. show positions on ccd, but not position on image only [+/- dy] - """ - psfPixelPos = np.zeros([2, nrows, ncols]) - if nrows % 2 != 0: - sys.exit() - if ncols % 2 != 0: - sys.exit() - - cenPix_row = nrows/2 + 1 #中心主光线对应pixle [由长光定义] - cenPix_col = ncols/2 + 1 - - for irow in range(nrows): - for icol in range(ncols): - delta_row = ((irow + 1) - cenPix_row)*pixSizeInMicrons*1e-3 - delta_col = ((icol + 1) - cenPix_col)*pixSizeInMicrons*1e-3 - psfPixelPos[0, irow, icol] = cenPosCol + delta_col - psfPixelPos[1, irow, icol] = cenPosRow - delta_row #note-1:in CCD全局坐标 - - return psfPixelPos - - -###查找最大pixel位置### -def findMaxPix(img): - """ - get the pixel position of the maximum-value - - Parameters: - img (numpy.array-float): image - - Returns: - imgMaxPix_x, imgMaxPix_y (int, int): pixel position in columns & rows - """ - maxIndx = np.argmax(img) - maxIndx = np.unravel_index(maxIndx, np.array(img).shape) - imgMaxPix_x = maxIndx[1] - imgMaxPix_y = maxIndx[0] - - return imgMaxPix_x, imgMaxPix_y - - -###查找neighbors位置### -def findNeighbors(tx, ty, px, py, dr=0.1, dn=1, OnlyDistance=True): - """ - find nearest neighbors by 2D-KDTree - - Parameters: - tx, ty (float, float): a given position - px, py (numpy.array, numpy.array): position data for tree - dr (float-optional): distance - dn (int-optional): nearest-N - OnlyDistance (bool-optional): only use distance to find neighbors. Default: True - - Returns: - dataq (numpy.array): index - """ - datax = px - datay = py - tree = spatial.KDTree(list(zip(datax.ravel(), datay.ravel()))) - - dataq=[] - rr = dr - if OnlyDistance == True: - dataq = tree.query_ball_point([tx, ty], rr) - if OnlyDistance == False: - while len(dataq) < dn: - dataq = tree.query_ball_point([tx, ty], rr) - rr += dr - dd = np.hypot(datax[dataq]-tx, datay[dataq]-ty) - ddSortindx = np.argsort(dd) - dataq = np.array(dataq)[ddSortindx[0:dn]] - return dataq - -###查找neighbors位置-hoclist### -def hocBuild(partx, party, nhocx, nhocy, dhocx, dhocy): - if np.max(partx) > nhocx*dhocx: - print('ERROR') - sys.exit() - if np.max(party) > nhocy*dhocy: - print('ERROR') - sys.exit() - - npart = partx.size - hoclist= np.zeros(npart, dtype=np.int32)-1 - hoc = np.zeros([nhocy, nhocx], dtype=np.int32)-1 - for ipart in range(npart): - ix = int(partx[ipart]/dhocx) - iy = int(party[ipart]/dhocy) - hoclist[ipart] = hoc[iy, ix] - hoc[iy, ix] = ipart - return hoc, hoclist - -def hocFind(px, py, dhocx, dhocy, hoc, hoclist): - ix = int(px/dhocx) - iy = int(py/dhocy) - - neigh=[] - it = hoc[iy, ix] - while it != -1: - neigh.append(it) - it = hoclist[it] - return neigh - -def findNeighbors_hoclist(px, py, tx=None,ty=None, dn=4, hoc=None, hoclist=None): - nhocy = nhocx = 20 - - pxMin = np.min(px) - pxMax = np.max(px) - pyMin = np.min(py) - pyMax = np.max(py) - - dhocx = (pxMax - pxMin)/(nhocx-1) - dhocy = (pyMax - pyMin)/(nhocy-1) - partx = px - pxMin +dhocx/2 - party = py - pyMin +dhocy/2 - - if hoc is None: - hoc, hoclist = hocBuild(partx, party, nhocx, nhocy, dhocx, dhocy) - return hoc, hoclist - - if hoc is not None: - tx = tx - pxMin +dhocx/2 - ty = ty - pyMin +dhocy/2 - itx = int(tx/dhocx) - ity = int(ty/dhocy) - - ps = [-1, 0, 1] - neigh=[] - for ii in range(3): - for jj in range(3): - ix = itx + ps[ii] - iy = ity + ps[jj] - if ix < 0: - continue - if iy < 0: - continue - if ix > nhocx-1: - continue - if iy > nhocy-1: - continue - - #neightt = myUtil.hocFind(ppx, ppy, dhocx, dhocy, hoc, hoclist) - it = hoc[iy, ix] - while it != -1: - neigh.append(it) - it = hoclist[it] - #neigh.append(neightt) - #ll = [i for k in neigh for i in k] - if dn != -1: - ptx = np.array(partx[neigh]) - pty = np.array(party[neigh]) - dd = np.hypot(ptx-tx, pty-ty) - idx = np.argsort(dd) - neigh= np.array(neigh)[idx[0:dn]] - return neigh - - - -###PSF中心对齐### -def psfCentering(img, apSizeInArcsec=0.5, psfSampleSizeInMicrons=5, focalLengthInMeters=28, CenteringMode=1): - """ - centering psf within an aperture - - Parameters: - img (numpy.array): image - apSizeInArcsec (float-optional): aperture size in arcseconds. - psfSampleSizeInMicrons (float-optional): psf pixel size in microns. - focalLengthInMeters (float-optional): csst focal length im meters. - CenteringMode (int-optional): how to center psf images - - Returns: - imgT (numpy.array) - """ - if CenteringMode == 1: - imgMaxPix_x, imgMaxPix_y = findMaxPix(img) - if CenteringMode == 2: - y,x = ndimage.center_of_mass(img) #y-rows, x-cols - imgMaxPix_x = int(x) - imgMaxPix_y = int(y) - apSizeInMicrons = np.deg2rad(apSizeInArcsec/3600.)*focalLengthInMeters*1e6 - apSizeInPix = apSizeInMicrons/psfSampleSizeInMicrons - apSizeInPix = np.int(np.ceil(apSizeInPix)) - imgT = np.zeros_like(img) - ngy, ngx = img.shape - cy = int(ngy/2) - cx = int(ngx/2) - imgT[cy-apSizeInPix:cy+apSizeInPix+1, - cx-apSizeInPix:cx+apSizeInPix+1] = \ - img[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] - return imgT - - -###插值对齐-fft### -def psfCentering_FFT(image): - """ - centering psf within an aperture by FFT - """ - ny, nx = image.shape - py, px = ndimage.center_of_mass(image) - dx = (px - nx/2) - dy = (py - ny/2) - k=np.zeros((nx,ny,2),dtype=float) - fg=np.fft.fft2(image) - ge =np.zeros_like(fg) - - inx = int(nx/2) - jny = int(ny/2) - #prepare for the phase multiply matrix - #left bottom - for i in range(inx+1): - for j in range(jny+1): - k[i][j][0]=i; - k[i][j][1]=j; - #top right - for i in range(inx-1): - for j in range(jny-1): - k[i+inx+1][j+jny+1][0]=(-(nx/2-1)+i) - k[i+inx+1][j+jny+1][1]=(-(ny/2-1)+j) - #bottom right - for i in range(inx+1): - for j in range(jny-1): - k[i][j+jny+1][0]=i - k[i][j+jny+1][1]=(-(ny/2-1)+j) - #top left - for i in range(inx-1): - for j in range(int(jny+1)): - k[i+inx+1][j][0]=(-(nx/2-1)+i) - k[i+inx+1][j][1]=j - for i in range(nx): - for j in range(ny): - ge[i][j]=fg[i][j]*np.exp(2.*np.pi*(dx*k[i][j][0]/nx+dy*k[i][j][1]/ny)*1j) - get=np.fft.ifft2(ge).real - return(get) - - -###图像叠加### -def psfStack(*psfMat): - """ - stacked image from the different psfs - - Parameters: - *psfMat (numpy.array): the different psfs for stacking - - Returns: - img (numpy.array): image - """ - nn = len(psfMat) - img = np.zeros_like(psfMat[0]) - for ii in range(nn): - img += psfMat[ii]/np.sum(psfMat[ii]) - img /= np.sum(img) - return img - - -###计算PSF椭率-接口### -def psfSizeCalculator(psfMat, psfSampleSize=5, CalcPSFcenter=True, SigRange=True, TailorScheme=2): - """ - calculate psf size & ellipticity - - Parameters: - psfMat (numpy.array): image - psfSampleSize (float-optional): psf size in microns. - CalcPSFcenter (bool-optional): whether calculate psf center. Default: True - SigRange (bool-optional): whether use psf tailor. Default: False - TailorScheme (int-optional): which method for psf tailor. Default: 1 - Returns: - cenX, cenY (float, float): the pixel position of the mass center - sz (float): psf size - e1, e2 (float, float): psf ellipticity - REE80 (float): radius of REE80 in arcseconds - """ - psfSampleSize = psfSampleSize*1e-3 #mm - - REE80 = -1.0 ##encircling 80% energy - if SigRange is True: - if TailorScheme == 1: - psfMat = imSigRange(psfMat, fraction=0.80) - psfInfo['psfMat'] = psfMat #set on/off - if TailorScheme == 2: - #img = psfTailor(psfMat, apSizeInArcsec=0.5) - imgX, REE80 = psfEncircle(psfMat) - #psfMat = img - REE80 = REE80[0] - - if CalcPSFcenter is True: - img = psfMat/np.sum(psfMat) - y,x = ndimage.center_of_mass(img) #y-rows, x-cols - cenX = x - cenY = y - if CalcPSFcenter is False: - cenPix_X = psfMat.shape[1]/2 #90 - cenPix_Y = psfMat.shape[0]/2 #90 - cenX = cenPix_X + psfInfo['centroid_x']/psfSampleSize - cenY = cenPix_Y - psfInfo['centroid_y']/psfSampleSize - - pixSize = 1 - sz, e1, e2 = psfSecondMoments(psfMat, cenX, cenY, pixSize=pixSize) - - return cenX, cenY, sz, e1, e2, REE80 - - -###计算PSF椭率### -def psfSecondMoments(psfMat, cenX, cenY, pixSize=1): - """ - estimate the psf ellipticity by the second moment of surface brightness - - Parameters: - psfMat (numpy.array-float): image - cenX, cenY (float, float): pixel position of the psf center - pixSize (float-optional): pixel size - - Returns: - sz (float): psf size - e1, e2 (float, float): psf ellipticity - """ - apr = 0.5 #arcsec, 0.5角秒内测量 - fl = 28. #meters - pxs = 5.0 #microns - apr = np.deg2rad(apr/3600.)*fl*1e6 - apr = apr/pxs - apr = np.int(np.ceil(apr)) - - I = psfMat - ncol = I.shape[1] - nrow = I.shape[0] - w = 0.0 - w11 = 0.0 - w12 = 0.0 - w22 = 0.0 - for icol in range(ncol): - for jrow in range(nrow): - x = icol*pixSize - cenX - y = jrow*pixSize - cenY - rr = np.sqrt(x*x + y*y) - wgt= 0.0 - if rr <= apr: - wgt = 1.0 - w += I[jrow, icol]*wgt - w11 += x*x*I[jrow, icol]*wgt - w12 += x*y*I[jrow, icol]*wgt - w22 += y*y*I[jrow, icol]*wgt - w11 /= w - w12 /= w - w22 /= w - sz = w11 + w22 - e1 = (w11 - w22)/sz - e2 = 2.0*w12/sz - - return sz, e1, e2 - - -###计算REE80### -def psfEncircle(img, fraction=0.8, psfSampleSizeInMicrons=5, focalLengthInMeters=28): - """ - psf tailor within a given percentage. - - Parameters: - img (numpy.array-float): image - fraction (float-optional): a percentage for psf tailor. - psfSampleSizeInMicrons (float-optional): psf pixel size in microns. - focalLengthInMeters (float-optional): csst focal length im meters. - Returns: - img*wgt (numpy.array-float): image - REE80 (float): radius of REE80 in arcseconds. - """ - #imgMaxPix_x, imgMaxPix_y = findMaxPix(img) - y,x = ndimage.center_of_mass(img) #y-rows, x-cols - imgMaxPix_x = int(x) - imgMaxPix_y = int(y) - - im1 = img.copy() - im1size = im1.shape - - dis = np.zeros_like(img) - for irow in range(im1size[0]): - for icol in range(im1size[1]): - dx = icol - imgMaxPix_x - dy = irow - imgMaxPix_y - dis[irow, icol] = np.hypot(dx, dy) - - nn = im1size[1]*im1size[0] - disX = dis.reshape(nn) - disXsortId = np.argsort(disX) - - imgX = img.reshape(nn) - imgY = imgX[disXsortId] - psfFrac = np.cumsum(imgY)/np.sum(imgY) - ind = np.where(psfFrac > fraction)[0][0] - - wgt = np.ones_like(dis) - wgt[np.where(dis > dis[np.where(img == imgY[ind])])] = 0 - - REE80 = np.rad2deg(dis[np.where(img == imgY[ind])]*psfSampleSizeInMicrons*1e-6/focalLengthInMeters)*3600 - return img*wgt, REE80 - - -###图像能量百分比查找### -def imSigRange(img, fraction=0.80): - """ - extract the image within x-percent (DISCARD) - - Parameters: - img (numpy.array-float): image - fraction (float-optional): a percentage - - Returns: - im1 (numpy.array-float): image - """ - im1 = img.copy() - im1size = im1.shape - im2 = np.sort(im1.reshape(im1size[0]*im1size[1])) - im2 = im2[::-1] - im3 = np.cumsum(im2)/np.sum(im2) - loc = np.where(im3 > fraction) - #print(im3[loc[0][0]], im2[loc[0][0]]) - im1[np.where(im1 <= im2[loc[0][0]])]=0 - - return im1 - - -###孔径内图像裁剪### -def psfTailor(img, apSizeInArcsec=0.5, psfSampleSizeInMicrons=5, focalLengthInMeters=28): - """ - psf tailor within a given aperture size - - Parameters: - img (numpy.array-float): image - apSizeInArcsec (float-optional): aperture size in arcseconds. - psfSampleSizeInMicrons (float-optional): psf pixel size in microns. - focalLengthInMeters (float-optional): csst focal length im meters. - Returns: - imgT (numpy.array-float): image - """ - #imgMaxPix_x, imgMaxPix_y = findMaxPix(img) - y,x = ndimage.center_of_mass(img) #y-rows, x-cols - imgMaxPix_x = int(x) - imgMaxPix_y = int(y) - - apSizeInMicrons = np.deg2rad(apSizeInArcsec/3600.)*focalLengthInMeters*1e6 - apSizeInPix = apSizeInMicrons/psfSampleSizeInMicrons - apSizeInPix = np.int(np.ceil(apSizeInPix)) - imgT = np.zeros_like(img) - imgT[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] = \ - img[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] - return imgT - - -###centroid with a window### -def centroidWgt(img, nt=160): - #libCentroid = ctypes.CDLL('/public/home/weichengliang/lnData/CSST_new_framwork/csstPSF/libCentroid/libCentroid.so') # CDLL加载库 - libCentroid = ctypes.CDLL('./libCentroid/libCentroid.so') # CDLL加载库 - libCentroid.centroidWgt.argtypes = [ctypes.POINTER(ctypes.c_float), ctypes.c_int, ctypes.c_int, ctypes.POINTER(ctypes.c_double)] - libCentroid.imSplint.argtypes = [ctypes.POINTER(ctypes.c_float), ctypes.c_int, ctypes.c_int, ctypes.POINTER(ctypes.c_double), ctypes.c_int, ctypes.c_int, ctypes.POINTER(ctypes.c_float)] - - imx = img/np.sum(img) - ny, nx = imx.shape - - #imx centroid - nn = nx*ny - arr = (ctypes.c_float*nn)() - arr[:] = imx.reshape(nn) - para = (ctypes.c_double*10)() - libCentroid.centroidWgt(arr, ny, nx, para) - imx_cy = para[3] #irow - imx_cx = para[4] #icol - - #imx -> imy - nxt=nyt=nt - nn=nxt*nyt - yat = (ctypes.c_float*nn)() - libCentroid.imSplint(arr, ny, nx, para, nxt, nyt, yat) - imy = np.array(yat[:]).reshape([nxt, nyt]) - - return imy, imx_cx, imx_cy - -''' -def psfCentering_wgt(ipsfMat, psf_image_x, psf_image_y, psfSampleSizeInMicrons=5.0): - img, cx, cy = centroidWgt(ipsfMat, nt=160) - - nrows, ncols = ipsfMat.shape - cyt = (cy + nrows/2)*psfSampleSizeInMicrons*1e-3 +psf_image_y - cxt = (cx + ncols/2)*psfSampleSizeInMicrons*1e-3 +psf_image_x - return img, cxt, cyt -''' - - - - - - - - diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__init__.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__init__.py deleted file mode 100644 index b04c4579476d6210d6071fd1fa8fc5c5a87bb886..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__init__.py +++ /dev/null @@ -1 +0,0 @@ -from .PSFInterp import PSFInterp \ No newline at end of file diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__pycache__/PSFConfig.cpython-37.pyc b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__pycache__/PSFConfig.cpython-37.pyc deleted file mode 100644 index 495486c380e68d39c56acc6a60391a437b562c3d..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__pycache__/PSFConfig.cpython-37.pyc and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__pycache__/PSFConfig.cpython-38.pyc b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__pycache__/PSFConfig.cpython-38.pyc deleted file mode 100644 index 64761a93c63bbe81e59c40a1eb7b4cea46a1c62d..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__pycache__/PSFConfig.cpython-38.pyc and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__pycache__/PSFInterp.cpython-38.pyc b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__pycache__/PSFInterp.cpython-38.pyc deleted file mode 100644 index baf8eb0acc656f737cb348d66d1463a38d085e32..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__pycache__/PSFInterp.cpython-38.pyc and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__pycache__/PSFUtil.cpython-37.pyc b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__pycache__/PSFUtil.cpython-37.pyc deleted file mode 100644 index 029ef0e57c4b96eda6ee6edc051e1b0b28f6afd0..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__pycache__/PSFUtil.cpython-37.pyc and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__pycache__/PSFUtil.cpython-38.pyc b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__pycache__/PSFUtil.cpython-38.pyc deleted file mode 100644 index 063f7563ba826a8fd885044f4291d99034da2fba..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__pycache__/PSFUtil.cpython-38.pyc and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__pycache__/__init__.cpython-38.pyc b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__pycache__/__init__.cpython-38.pyc deleted file mode 100644 index facd21bbd18796ddef3e9d60afbdf9cefd1aa471..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/__pycache__/__init__.cpython-38.pyc and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/.DS_Store b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/.DS_Store deleted file mode 100644 index caaee6fc555e9ca8353e0f0b35ec79234dbd3595..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/.DS_Store and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/Makefile b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/Makefile deleted file mode 100644 index b323bdc6a1e10c0ba2bc2e4ddd1731d2c65b79fe..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/Makefile +++ /dev/null @@ -1,32 +0,0 @@ -#OPTS += -D - -CC = gcc -OPTIMIZE = -fPIC -g -O3 #-Wall -wd981 #-wd1419 -wd810 -#GSLI = -I/home/alex/opt/gsl/include -#GSLL = -L/home/alex/opt/gsl/lib -lgsl -lgslcblas -#FFTWI = -I/home/alex/opt/fftw/include -#FFTWL = -L/home/alex/opt/fftw/lib -lfftw3 -lfftw3f -#HDF5I = -I/home/alex/opt/hdf5/include -#HDF5L = -L/home/alex/opt/hdf5/lib -lhdf5_hl -lhdf5 -#FITSI = -I/home/alex/opt/cfitsio/include -#FITSL = -L/home/alex/opt/cfitsio/lib -lcfitsio -#EXTRACFLAGS = -#EXTRACLIB = - -CLINK=$(CC) -CFLAGS=$(OPTIMIZE) #$(EXTRACFLAGS) $(OPTS) -CLIB= -shared -lm #$(EXTRACLIB) - -OBJS = centroidWgt.o nrutil.o - -EXEC = libCentroid.so -all: $(EXEC) - -$(EXEC): $(OBJS) - $(CLINK) $(CFLAGS) -o $@ $(OBJS) $(CLIB) - -$(OBJS): nrutil.h Makefile - -.PHONY : clean -clean: - rm -f *.o $(EXEC) diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/centroidWgt.c b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/centroidWgt.c deleted file mode 100644 index a5d945d5800cf076508737248434bef607efdee3..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/centroidWgt.c +++ /dev/null @@ -1,315 +0,0 @@ -#include -#include -#include -#include "nrutil.h" - -//y is the input image, nx and ny are the pixels along x and y axis; -//yt and residu are the required matrix for the function -//para contains the needed parameters: centx=para[3], centy=para[4] - - -void star_gaus(float **y,int nx,int ny,double *para); - -void Interp_bicubic(int nx,int ny,float **a0,int nbound, int nxt,int nyt, float **at,double *xcen); -void splie2(float **ya, int m, int n, float **y2a); -void spline(float y[], int n, float yp1, float ypn, float y2[]); -void splint(float ya[], float y2a[], int n, float x, float *y); - - -void centroidWgt(float *y, int nx, int ny, double *para) -{ - int i, j, k; - float **yy; - double **basef; - double **coff; - double ccol, crow; - - yy = matrix(0, nx-1, 0, ny-1); - for(i=0; iy[i])ymin=y[i]; - - } - kc=ymax;kd=ymax/12.; - det=ysigma=kc*exp(-0.5); - for(i=0;i0){ - for(j=-4;j<=4;j++){ - sigma=sigmac+j*sigmad; - if(sigma>0){ - sigma2v=-1./(2.*sigma*sigma); - for(p=-4;p<=4;p++){ - xt=xc+p*xd; - for(q=-4;q<=4;q++){ - yt=yc+q*yd; - k2=0; - if(fbg==0){ - bg=bg0; - for(m=0;m -//#include -//#include -//#include "nrutil.h" -//nx,ny is the pixels of x and y direction -//a0 is the input image in nx*ny -//nbound is the boundary limit -//nxt,nyt is out put image dimentions -//at is the output image and cen represent the required center -void Interp_bicubic(int nx,int ny,float **a0,int nbound, - int nxt,int nyt, float **at,double *xcen) -{ - - void splie2(float **ya, int m, int n, float **y2a); - void spline(float y[], int n, float yp1, float ypn, float y2[]); - void splint(float ya[], float y2a[], int n, float x, float *y); - int i,j,m,n,ic,jc; - float *ytmp,*yytmp,**y2a,x1,x2,shift1,shift2; - y2a=matrix(0,nx,0,ny); - ytmp=vector(0,ny); - yytmp=vector(0,ny); - splie2(a0,nx,ny,y2a); - ic=nx*0.5; - jc=ny*0.5; - shift1=xcen[0]-ic;//-0.5; - shift2=xcen[1]-jc;//-0.5; - if(fabs(shift1)>nbound || fabs(shift2)>nbound){ - printf("bicubic shifts too much %e %e\n",shift1,shift2); - getchar(); - } - for (n=0;n 0.99e30) - y2[0]=u[0]=0.0; - else { - y2[0] = -0.5; - u[0]=3.0*(y[1]-y[0]-yp1); - } - sig=0.5; - for (i=1;i<=n-2;i++) { - p=sig*y2[i-1]+2.0; - y2[i]=(sig-1.0)/p; - u[i]=(y[i+1]-2.*y[i]+y[i-1]); - u[i]=(3.0*u[i]-sig*u[i-1])/p; - } - if (ypn > 0.99e30) - qn=un=0.0; - else { - qn=0.5; - un=3.0*(ypn-y[n-1]+y[n-2]); - } - y2[n-1]=(un-qn*u[n-2])/(qn*y2[n-2]+1.0); - for (k=n-2;k>=0;k--)y2[k]=y2[k]*y2[k+1]+u[k]; - free_vector(u,0,n-1); -} -void splint(float ya[], float y2a[], int n, float x, float *y) -{ - void nrerror(char error_text[]); - int klo,khi,k; - float h,b,a; - - klo=x; -if( klo<0)klo=0; -if(klo==n-1)klo=n-2; - khi=klo+1; - if (klo<0 || khi>=n) printf("error:klo, khi, n: %d %d %d\n", klo, khi, n); - if (klo<0 || khi>=n) nrerror("Bad xa input to routine splint"); - a=(khi-x); - b=(x-klo); - *y=a*ya[klo]+b*ya[khi]+((a*a*a-a)*y2a[klo]+(b*b*b-b)*y2a[khi])/6.0; -} - - diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/centroidWgt.o b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/centroidWgt.o deleted file mode 100644 index d89a7e8b400d2567a486c5ce1d3a1d525aa38ca1..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/centroidWgt.o and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/libCentroid.so b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/libCentroid.so deleted file mode 100755 index cf5d2bc8ddf44085fe1c2656a963ffb691a69ca6..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/libCentroid.so and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/nrutil.c b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/nrutil.c deleted file mode 100644 index 05bcdeca46be8371d77ccd36c0c6b7ae4242baae..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/nrutil.c +++ /dev/null @@ -1,769 +0,0 @@ -#if defined(__STDC__) || defined(ANSI) || defined(NRANSI) /* ANSI */ - -#include -#include -#include -#define NR_END 1 -#define FREE_ARG char* - -void nrerror(char error_text[]) -/* Numerical Recipes standard error handler */ -{ - fprintf(stderr,"Numerical Recipes run-time error...\n"); - fprintf(stderr,"%s\n",error_text); - fprintf(stderr,"...now exiting to system...\n"); - exit(1); -} - -float *vector(long nl, long nh) -/* allocate a float vector with subscript range v[nl..nh] */ -{ - float *v; - - v=(float *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(float))); - if (!v) nrerror("allocation failure in vector()"); - return v-nl+NR_END; -} - -int *ivector(long nl, long nh) -/* allocate an int vector with subscript range v[nl..nh] */ -{ - int *v; - - v=(int *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(int))); - if (!v) nrerror("allocation failure in ivector()"); - return v-nl+NR_END; -} - -unsigned char *cvector(long nl, long nh) -/* allocate an unsigned char vector with subscript range v[nl..nh] */ -{ - unsigned char *v; - - v=(unsigned char *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(unsigned char))); - if (!v) nrerror("allocation failure in cvector()"); - return v-nl+NR_END; -} - -unsigned long *lvector(long nl, long nh) -/* allocate an unsigned long vector with subscript range v[nl..nh] */ -{ - unsigned long *v; - - v=(unsigned long *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(long))); - if (!v) nrerror("allocation failure in lvector()"); - return v-nl+NR_END; -} - -double *dvector(long nl, long nh) -/* allocate a double vector with subscript range v[nl..nh] */ -{ - double *v; - - v=(double *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(double))); - if (!v) nrerror("allocation failure in dvector()"); - return v-nl+NR_END; -} - -float **matrix(long nrl, long nrh, long ncl, long nch) -/* allocate a float matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((size_t)((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(float *) malloc((size_t)((nrow*ncol+NR_END)*sizeof(float))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -double **dmatrix(long nrl, long nrh, long ncl, long nch) -/* allocate a double matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - double **m; - - /* allocate pointers to rows */ - m=(double **) malloc((size_t)((nrow+NR_END)*sizeof(double*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(double *) malloc((size_t)((nrow*ncol+NR_END)*sizeof(double))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -int **imatrix(long nrl, long nrh, long ncl, long nch) -/* allocate a int matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - int **m; - - /* allocate pointers to rows */ - m=(int **) malloc((size_t)((nrow+NR_END)*sizeof(int*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - - /* allocate rows and set pointers to them */ - m[nrl]=(int *) malloc((size_t)((nrow*ncol+NR_END)*sizeof(int))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **submatrix(float **a, long oldrl, long oldrh, long oldcl, long oldch, - long newrl, long newcl) -/* point a submatrix [newrl..][newcl..] to a[oldrl..oldrh][oldcl..oldch] */ -{ - long i,j,nrow=oldrh-oldrl+1,ncol=oldcl-newcl; - float **m; - - /* allocate array of pointers to rows */ - m=(float **) malloc((size_t) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in submatrix()"); - m += NR_END; - m -= newrl; - - /* set pointers to rows */ - for(i=oldrl,j=newrl;i<=oldrh;i++,j++) m[j]=a[i]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **convert_matrix(float *a, long nrl, long nrh, long ncl, long nch) -/* allocate a float matrix m[nrl..nrh][ncl..nch] that points to the matrix -declared in the standard C manner as a[nrow][ncol], where nrow=nrh-nrl+1 -and ncol=nch-ncl+1. The routine should be called with the address -&a[0][0] as the first argument. */ -{ - long i,j,nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((size_t) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in convert_matrix()"); - m += NR_END; - m -= nrl; - - /* set pointers to rows */ - m[nrl]=a-ncl; - for(i=1,j=nrl+1;i -#define NR_END 1 -#define FREE_ARG char* - -void nrerror(error_text) -char error_text[]; -/* Numerical Recipes standard error handler */ -{ - void exit(); - - fprintf(stderr,"Numerical Recipes run-time error...\n"); - fprintf(stderr,"%s\n",error_text); - fprintf(stderr,"...now exiting to system...\n"); - exit(1); -} - -float *vector(nl,nh) -long nh,nl; -/* allocate a float vector with subscript range v[nl..nh] */ -{ - float *v; - - v=(float *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(float))); - if (!v) nrerror("allocation failure in vector()"); - return v-nl+NR_END; -} - -int *ivector(nl,nh) -long nh,nl; -/* allocate an int vector with subscript range v[nl..nh] */ -{ - int *v; - - v=(int *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(int))); - if (!v) nrerror("allocation failure in ivector()"); - return v-nl+NR_END; -} - -unsigned char *cvector(nl,nh) -long nh,nl; -/* allocate an unsigned char vector with subscript range v[nl..nh] */ -{ - unsigned char *v; - - v=(unsigned char *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(unsigned char))); - if (!v) nrerror("allocation failure in cvector()"); - return v-nl+NR_END; -} - -unsigned long *lvector(nl,nh) -long nh,nl; -/* allocate an unsigned long vector with subscript range v[nl..nh] */ -{ - unsigned long *v; - - v=(unsigned long *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(long))); - if (!v) nrerror("allocation failure in lvector()"); - return v-nl+NR_END; -} - -double *dvector(nl,nh) -long nh,nl; -/* allocate a double vector with subscript range v[nl..nh] */ -{ - double *v; - - v=(double *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(double))); - if (!v) nrerror("allocation failure in dvector()"); - return v-nl+NR_END; -} - -float **matrix(nrl,nrh,ncl,nch) -long nch,ncl,nrh,nrl; -/* allocate a float matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((unsigned int)((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(float *) malloc((unsigned int)((nrow*ncol+NR_END)*sizeof(float))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -double **dmatrix(nrl,nrh,ncl,nch) -long nch,ncl,nrh,nrl; -/* allocate a double matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - double **m; - - /* allocate pointers to rows */ - m=(double **) malloc((unsigned int)((nrow+NR_END)*sizeof(double*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(double *) malloc((unsigned int)((nrow*ncol+NR_END)*sizeof(double))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -int **imatrix(nrl,nrh,ncl,nch) -long nch,ncl,nrh,nrl; -/* allocate a int matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - int **m; - - /* allocate pointers to rows */ - m=(int **) malloc((unsigned int)((nrow+NR_END)*sizeof(int*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - - /* allocate rows and set pointers to them */ - m[nrl]=(int *) malloc((unsigned int)((nrow*ncol+NR_END)*sizeof(int))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **submatrix(a,oldrl,oldrh,oldcl,oldch,newrl,newcl) -float **a; -long newcl,newrl,oldch,oldcl,oldrh,oldrl; -/* point a submatrix [newrl..][newcl..] to a[oldrl..oldrh][oldcl..oldch] */ -{ - long i,j,nrow=oldrh-oldrl+1,ncol=oldcl-newcl; - float **m; - - /* allocate array of pointers to rows */ - m=(float **) malloc((unsigned int) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in submatrix()"); - m += NR_END; - m -= newrl; - - /* set pointers to rows */ - for(i=oldrl,j=newrl;i<=oldrh;i++,j++) m[j]=a[i]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **convert_matrix(a,nrl,nrh,ncl,nch) -float *a; -long nch,ncl,nrh,nrl; -/* allocate a float matrix m[nrl..nrh][ncl..nch] that points to the matrix -declared in the standard C manner as a[nrow][ncol], where nrow=nrh-nrl+1 -and ncol=nch-ncl+1. The routine should be called with the address -&a[0][0] as the first argument. */ -{ - long i,j,nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((unsigned int) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in convert_matrix()"); - m += NR_END; - m -= nrl; - - /* set pointers to rows */ - m[nrl]=a-ncl; - for(i=1,j=nrl+1;i (dmaxarg2) ?\ - (dmaxarg1) : (dmaxarg2)) - -static double dminarg1,dminarg2; -#define DMIN(a,b) (dminarg1=(a),dminarg2=(b),(dminarg1) < (dminarg2) ?\ - (dminarg1) : (dminarg2)) - -static float maxarg1,maxarg2; -#define FMAX(a,b) (maxarg1=(a),maxarg2=(b),(maxarg1) > (maxarg2) ?\ - (maxarg1) : (maxarg2)) - -static float minarg1,minarg2; -#define FMIN(a,b) (minarg1=(a),minarg2=(b),(minarg1) < (minarg2) ?\ - (minarg1) : (minarg2)) - -static long lmaxarg1,lmaxarg2; -#define LMAX(a,b) (lmaxarg1=(a),lmaxarg2=(b),(lmaxarg1) > (lmaxarg2) ?\ - (lmaxarg1) : (lmaxarg2)) - -static long lminarg1,lminarg2; -#define LMIN(a,b) (lminarg1=(a),lminarg2=(b),(lminarg1) < (lminarg2) ?\ - (lminarg1) : (lminarg2)) - -static int imaxarg1,imaxarg2; -#define IMAX(a,b) (imaxarg1=(a),imaxarg2=(b),(imaxarg1) > (imaxarg2) ?\ - (imaxarg1) : (imaxarg2)) - -static int iminarg1,iminarg2; -#define IMIN(a,b) (iminarg1=(a),iminarg2=(b),(iminarg1) < (iminarg2) ?\ - (iminarg1) : (iminarg2)) - -#define SIGN(a,b) ((b) >= 0.0 ? fabs(a) : -fabs(a)) - -void nrerror(char error_text[]); -float *vector(long nl, long nh); -int *ivector(long nl, long nh); -unsigned char *cvector(long nl, long nh); -unsigned long *lvector(long nl, long nh); -double *dvector(long nl, long nh); -float **matrix(long nrl, long nrh, long ncl, long nch); -double **dmatrix(long nrl, long nrh, long ncl, long nch); -int **imatrix(long nrl, long nrh, long ncl, long nch); -float **submatrix(float **a, long oldrl, long oldrh, long oldcl, long oldch, - long newrl, long newcl); -float **convert_matrix(float *a, long nrl, long nrh, long ncl, long nch); -float ***f3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_vector(float *v, long nl, long nh); -void free_ivector(int *v, long nl, long nh); -void free_cvector(unsigned char *v, long nl, long nh); -void free_lvector(unsigned long *v, long nl, long nh); -void free_dvector(double *v, long nl, long nh); -void free_matrix(float **m, long nrl, long nrh, long ncl, long nch); -void free_dmatrix(double **m, long nrl, long nrh, long ncl, long nch); -void free_imatrix(int **m, long nrl, long nrh, long ncl, long nch); -void free_submatrix(float **b, long nrl, long nrh, long ncl, long nch); -void free_convert_matrix(float **b, long nrl, long nrh, long ncl, long nch); -void free_f3tensor(float ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - - -int ***i3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_i3tensor(int ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - -unsigned char ***b3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_b3tensor(unsigned char ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - - - -double ***d3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_d3tensor(double ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - - - - - - - - -unsigned char **cmatrix(long nrl, long nrh, long ncl, long nch); -void free_cmatrix(unsigned char **m, long nrl, long nrh, long ncl, long nch); - - -#endif /* _NR_UTILS_H_ */ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/nrutil.o b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/nrutil.o deleted file mode 100644 index f2282526f93e2a79a136722f21d92c0c2de5c1b5..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/nrutil.o and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/testGaussian.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/testGaussian.py deleted file mode 100644 index ae5e4f7135aa71f84ce2f80118375b5e1224d5ec..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/testGaussian.py +++ /dev/null @@ -1,66 +0,0 @@ -import numpy as np -import matplotlib.pyplot as plt -import ctypes -import galsim - - -libCentroid = ctypes.CDLL('../libCentroid.so') # CDLL加载库 -print('load libCenroid') - - -libCentroid.centroidWgt.argtypes = [ctypes.POINTER(ctypes.c_float), ctypes.c_int, ctypes.c_int, ctypes.POINTER(ctypes.c_double)] - - -IMAGE_WIDTH = 180 -IMAGE_HEIGHT = 180 -dx = 0.275 -dy =-0.393 -center_x = 90+dx -center_y = 90+dy - -R = np.sqrt(center_x**2 + center_y**2) -Gauss_map = np.zeros((IMAGE_HEIGHT, IMAGE_WIDTH)) -for i in range(IMAGE_HEIGHT): - for j in range(IMAGE_WIDTH): - dis = (i-center_y)**2+(j-center_x)**2 - Gauss_map[i, j] = np.exp(-0.5*dis/R) - - -ymap = galsim.InterpolatedImage(galsim.ImageF(Gauss_map), scale=0.01) -zmap = ymap#.shear(g1 = 0.15, g2=0.27) #using shear -Gauss_map = zmap.drawImage(nx = 180, ny = 180, scale=0.01).array - - -fig=plt.figure(figsize=(5,5)) -plt.imshow(Gauss_map, origin='lower') -imx = Gauss_map/np.sum(Gauss_map) -ny,nx = imx.shape -print(nx, ny, np.max(imx)) - -nn = nx*ny -arr = (ctypes.c_float*nn)() -arr[:] = imx.reshape(nn) -para = (ctypes.c_double*10)() -libCentroid.centroidWgt(arr, ny, nx, para) - - -print('haha') -print(para[0:5]) -cx = para[3] -cy = para[4] -print('{:}'.format(cx), '{:}'.format(cy)) - -from scipy import ndimage -cx, cy = ndimage.center_of_mass(imx) -print('center_of_mass:', cx, cy) - -plt.plot(para[4], para[3], 'bx', ms = 15) -plt.plot(cy, cx, 'r+', ms = 15) -plt.annotate('dx,dy:', [10, 170], color='w') -plt.annotate('{:8.5}, {:8.5}'.format(dx, dy), [10, 160], color='w') -plt.annotate('cx, cy:', [10, 150], color='w') -plt.annotate('{:0<8.5}, {:0<8.5}'.format(center_x, center_y), [10, 140], color='w') -plt.annotate('{:0<8.5}, {:0<8.5}'.format(para[4], para[3]), [10, 130], color='w') -plt.annotate('{:0<8.5}, {:0<8.5}'.format(cy, cx), [10, 120], color='w') - -plt.show() diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/testPSFcentroid.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/testPSFcentroid.py deleted file mode 100644 index f8f8ee8b38836f79a905aacb94ac27a545e8f3d3..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/testPSFcentroid.py +++ /dev/null @@ -1,98 +0,0 @@ -import numpy as np -import matplotlib.pyplot as plt -import ctypes -import galsim - -libCentroid = ctypes.CDLL('../libCentroid.so') # CDLL加载库 -print('load libCenroid') - -libCentroid.centroidWgt.argtypes = [ctypes.POINTER(ctypes.c_float), ctypes.c_int, ctypes.c_int, ctypes.POINTER(ctypes.c_double)] -libCentroid.imSplint.argtypes = [ctypes.POINTER(ctypes.c_float), ctypes.c_int, ctypes.c_int, ctypes.POINTER(ctypes.c_double), ctypes.c_int, ctypes.c_int, ctypes.POINTER(ctypes.c_float)] - - -from scipy.io import loadmat -data = loadmat('/Users/chengliangwei/csstPSFdata/CSSOS_psf_ciomp/ccd20/wave_1/5_psf_array/psf_10.mat') -imx = data['psf'] -imx = imx/np.sum(imx) -ny,nx = imx.shape -print(nx, ny) - -#imx centroid -nn = nx*ny -arr = (ctypes.c_float*nn)() -arr[:] = imx.reshape(nn) -para = (ctypes.c_double*10)() -libCentroid.centroidWgt(arr, ny, nx, para) -imx_cx = para[3] -imx_cy = para[4] - -#imx -> imy -nxt=nyt=160 -nn=nxt*nyt -yat = (ctypes.c_float*nn)() -libCentroid.imSplint(arr, ny, nx, para, nxt, nyt, yat) -imy = np.array(yat[:]).reshape([nxt, nyt]) - -#imy centroid -libCentroid.centroidWgt(yat, nyt, nxt, para) -imy_cx = para[3] -imy_cy = para[4] - - -#plot check -fig = plt.figure(figsize=(12, 6)) - -##imx_plot -ax = plt.subplot(1,2,1) -cpix= int(nx/2) -dpix= 10 -plt.imshow(imx[cpix-dpix:cpix+dpix, cpix-dpix:cpix+dpix], origin='lower') -plt.plot(imx_cy-cpix+dpix, imx_cx-cpix+dpix, 'bx', ms = 20) - -from scipy import ndimage -cx, cy = ndimage.center_of_mass(imx) -plt.plot(cy-cpix+dpix, cx-cpix+dpix, 'r+', ms = 20) - -maxIndx = np.argmax(imx) -maxIndx = np.unravel_index(maxIndx, np.array(imx).shape) -imgMaxPix_x = maxIndx[1] -imgMaxPix_y = maxIndx[0] -apSizeInPix = 23 -imgT = np.zeros_like(imx) -imgT[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] = \ - imx[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] -cx, cy = ndimage.center_of_mass(imgT) -plt.plot(cy - cpix+dpix, cx - cpix+dpix, 'b+', ms = 15) - -##imy_plot -ax = plt.subplot(1,2,2) -cpix= int(nxt/2) -dpix= 10 -plt.imshow(imy[cpix-dpix:cpix+dpix, cpix-dpix:cpix+dpix], origin='lower') -plt.plot(imy_cy-cpix+dpix, imy_cx-cpix+dpix, 'bx', ms = 20) -plt.plot([dpix, dpix],[0,dpix],'w:') -plt.plot([0, dpix],[dpix,dpix],'w:') - -cx, cy = ndimage.center_of_mass(imy) -plt.plot(cy-cpix+dpix, cx-cpix+dpix, 'r+', ms = 20) - -maxIndx = np.argmax(imy) -maxIndx = np.unravel_index(maxIndx, np.array(imy).shape) -imgMaxPix_x = maxIndx[1] -imgMaxPix_y = maxIndx[0] -apSizeInPix = 23 -imgT = np.zeros_like(imy) -imgT[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] = \ - imy[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] -cx, cy = ndimage.center_of_mass(imgT) -plt.plot(cy - cpix+dpix, cx - cpix+dpix, 'b+', ms = 15) - - - - - -plt.show() diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/tt.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/tt.py deleted file mode 100644 index 801d87dd6823791bd8013c18fefb23c785802bfa..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/tt.py +++ /dev/null @@ -1,137 +0,0 @@ -import numpy as np -import matplotlib.pyplot as plt -import ctypes -import galsim - -libCentroid = ctypes.CDLL('../libCentroid.so') # CDLL加载库 -print('load libCenroid') - - -libCentroid.centroidWgt.argtypes = [ctypes.POINTER(ctypes.c_float), ctypes.c_int, ctypes.c_int, ctypes.POINTER(ctypes.c_double)] - -''' -IMAGE_WIDTH = 180 -IMAGE_HEIGHT = 180 -dx = 0.#275 -dy =-0.#393 -center_x = 90 +dx #89.5 #IMAGE_WIDTH/2 -0. -center_y = 90 +dy #89.5 #IMAGE_HEIGHT/2+0. - -R = np.sqrt(center_x**2 + center_y**2) -Gauss_map = np.zeros((IMAGE_HEIGHT, IMAGE_WIDTH)) -for i in range(IMAGE_HEIGHT): - for j in range(IMAGE_WIDTH): - dis = (i-center_y)**2+(j-center_x)**2 - Gauss_map[i, j] = np.exp(-0.5*dis/R) - -ymap = galsim.InterpolatedImage(galsim.ImageF(Gauss_map), scale=0.01) -zmap = ymap.shear(g1 = 0.15, g2=0.27) -Gauss_map = zmap.drawImage(nx = 180, ny = 180, scale=0.01).array - - -fig=plt.figure(figsize=(5,5)) -plt.imshow(Gauss_map, origin='lower') -imx = Gauss_map#/np.sum(Gauss_map) -ny,nx = imx.shape -print(nx, ny, np.max(imx)) -nn = nx*ny -arr = (ctypes.c_float*nn)() -arr[:] = imx.reshape(nn) -para = (ctypes.c_double*10)() -libCentroid.centroidWgt(arr, ny, nx, para) - -print('haha') -print(para[0:5]) -cx = para[3] -cy = para[4] -print('{:}'.format(cx), '{:}'.format(cy)) - -from scipy import ndimage -cx, cy = ndimage.center_of_mass(imx) -print('center_of_mass:', cx, cy) -plt.plot(para[4], para[3], 'bx', ms = 15) -plt.plot(cy, cx, 'r+', ms = 15) -plt.annotate('dx,dy:', [10, 170], color='w') -plt.annotate('{:8.5}, {:8.5}'.format(dx, dy), [10, 160], color='w') -plt.annotate('cx, cy:', [10, 150], color='w') -plt.annotate('{:0<8.5}, {:0<8.5}'.format(center_x, center_y), [10, 140], color='w') -plt.annotate('{:0<8.5}, {:0<8.5}'.format(para[4], para[3]), [10, 130], color='w') -plt.annotate('{:0<8.5}, {:0<8.5}'.format(cy, cx), [10, 120], color='w') - - -''' -from scipy.io import loadmat -data = loadmat('/Users/chengliangwei/csstPSFdata/CSSOS_psf_ciomp/ccd13/wave_1/5_psf_array/psf_10.mat') -#plt.imshow(data['psf']) -#plt.show() -imx = data['psf'] -imx = imx/np.sum(imx) -ny,nx = imx.shape -print(nx, ny) -nn = nx*ny -arr = (ctypes.c_float*nn)() -arr[:] = imx.reshape(nn) -para = (ctypes.c_double*10)() -print(arr[0:10]) -#libCentroid.centroidWgt(arr, ny, nx, para) -nxt = nyt = 160 -nn = nxt*nyt -yat = (ctypes.c_float*nn)() -libCentroid.centroidWgt(arr, ny, nx, para,nxt, nyt, yat) -mm = np.array(yat[:]).reshape([nxt, nyt]) -imx = mm - -print('haha') -print(para[0:5]) -cx = para[3] -cy = para[4] -print(cx, cy) - -fig = plt.figure(figsize=(12, 12)) -cpix = 80 -dpix = 10 -#plt.imshow(np.log10(imx[cpix-dpix:cpix+dpix, cpix-dpix:cpix+dpix]), origin='lower') -plt.imshow(imx[cpix-dpix:cpix+dpix, cpix-dpix:cpix+dpix], origin='lower') -plt.plot(cy - cpix+dpix, cx - cpix+dpix, 'bx', ms = 20) -''' -from scipy import ndimage -cx, cy = ndimage.center_of_mass(imx) -print(cx, cy) -plt.plot(cy - cpix+dpix, cx - cpix+dpix, 'r+', ms = 20) - -maxIndx = np.argmax(imx) -maxIndx = np.unravel_index(maxIndx, np.array(imx).shape) -imgMaxPix_x = maxIndx[1] -imgMaxPix_y = maxIndx[0] -apSizeInPix = 23 -imgT = np.zeros_like(imx) -imgT[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] = \ - imx[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] -cx, cy = ndimage.center_of_mass(imgT) -print(cx, cy) -plt.plot(cy - cpix+dpix, cx - cpix+dpix, 'b+', ms = 15) - - - -maxIndx = np.argmax(imx) -maxIndx = np.unravel_index(maxIndx, np.array(imx).shape) -imgMaxPix_x = maxIndx[1] -imgMaxPix_y = maxIndx[0] -apSizeInPix =5 -imgT = np.zeros_like(imx) -imgT[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] = \ - imx[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] -cx, cy = ndimage.center_of_mass(imgT) -print(cx, cy) -plt.plot(cy - cpix+dpix, cx - cpix+dpix, 'm+', ms = 10) - - - -print('maxPix:', imgMaxPix_x, imgMaxPix_y, imx[imgMaxPix_y, imgMaxPix_x]) -''' - -plt.show() diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/ttc/Makefile b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/ttc/Makefile deleted file mode 100644 index fa01070e4e09795a7bc81ec38e54d18ad53e30b1..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/ttc/Makefile +++ /dev/null @@ -1,32 +0,0 @@ -#OPTS += -D - -CC = gcc -OPTIMIZE = -fPIC -g -O3 #-Wall -wd981 #-wd1419 -wd810 -#GSLI = -I/home/alex/opt/gsl/include -#GSLL = -L/home/alex/opt/gsl/lib -lgsl -lgslcblas -#FFTWI = -I/home/alex/opt/fftw/include -#FFTWL = -L/home/alex/opt/fftw/lib -lfftw3 -lfftw3f -#HDF5I = -I/home/alex/opt/hdf5/include -#HDF5L = -L/home/alex/opt/hdf5/lib -lhdf5_hl -lhdf5 -#FITSI = -I/home/alex/opt/cfitsio/include -#FITSL = -L/home/alex/opt/cfitsio/lib -lcfitsio -#EXTRACFLAGS = -#EXTRACLIB = - -CLINK=$(CC) -CFLAGS=$(OPTIMIZE) #$(EXTRACFLAGS) $(OPTS) -CLIB= -lm #$(EXTRACLIB) - -OBJS = centroidWgt.o nrutil.o - -EXEC = centroid.X -all: $(EXEC) - -$(EXEC): $(OBJS) - $(CLINK) $(CFLAGS) -o $@ $(OBJS) $(CLIB) - -$(OBJS): nrutil.h Makefile - -.PHONY : clean -clean: - rm -f *.o $(EXEC) diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/ttc/centroid.X b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/ttc/centroid.X deleted file mode 100755 index 36aeb8ee4e74eb57994d9b900a2aa50eb3cea4e3..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/ttc/centroid.X and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/ttc/centroidWgt.c b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/ttc/centroidWgt.c deleted file mode 100644 index 6c4a0d50d8a9688127299bd14fe6fe1680589e5a..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/ttc/centroidWgt.c +++ /dev/null @@ -1,212 +0,0 @@ -#include -#include -#include -#include "nrutil.h" - -//y is the input image, nx and ny are the pixels along x and y axis; -//yt and residu are the required matrix for the function -//para contains the needed parameters: centx=para[3], centy=para[4] - - -void star_gaus(float **y,int nx,int ny,double *para); - -void main() -{ - int i, j; - int IMAGE_WIDTH, IMAGE_HEIGHT; - float center_x, center_y; - float R, dis; - float **Gauss_map; - double *para; - //double para[10]; - - IMAGE_WIDTH = 180; - IMAGE_HEIGHT = 180; - center_x = IMAGE_WIDTH/2 -0.; - center_y = IMAGE_HEIGHT/2+0.; - - R = sqrt(center_x*center_x + center_y*center_y); - //Gauss_map = np.zeros((IMAGE_HEIGHT, IMAGE_WIDTH)) - Gauss_map = matrix(0, IMAGE_HEIGHT-1, 0, IMAGE_WIDTH-1); - para = dvector(0,10); - - for(i=0; iy[i])ymin=y[i]; - - } - //printf("ymax=%e,imax=%d\n",ymax,imax); - kc=ymax;kd=ymax/12.; - det=ysigma=kc*exp(-0.5);//printf("det=%e,kc=%e\n",det,kc); - for(i=0;i0){ - for(j=-4;j<=4;j++){ - sigma=sigmac+j*sigmad; - if(sigma>0){ - sigma2v=-1./(2.*sigma*sigma); - for(p=-4;p<=4;p++){ - xt=xc+p*xd; - for(q=-4;q<=4;q++){ - yt=yc+q*yd; - k2=0; - if(fbg==0){ - bg=bg0; - for(m=0;m -#include -#include -#define NR_END 1 -#define FREE_ARG char* - -void nrerror(char error_text[]) -/* Numerical Recipes standard error handler */ -{ - fprintf(stderr,"Numerical Recipes run-time error...\n"); - fprintf(stderr,"%s\n",error_text); - fprintf(stderr,"...now exiting to system...\n"); - exit(1); -} - -float *vector(long nl, long nh) -/* allocate a float vector with subscript range v[nl..nh] */ -{ - float *v; - - v=(float *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(float))); - if (!v) nrerror("allocation failure in vector()"); - return v-nl+NR_END; -} - -int *ivector(long nl, long nh) -/* allocate an int vector with subscript range v[nl..nh] */ -{ - int *v; - - v=(int *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(int))); - if (!v) nrerror("allocation failure in ivector()"); - return v-nl+NR_END; -} - -unsigned char *cvector(long nl, long nh) -/* allocate an unsigned char vector with subscript range v[nl..nh] */ -{ - unsigned char *v; - - v=(unsigned char *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(unsigned char))); - if (!v) nrerror("allocation failure in cvector()"); - return v-nl+NR_END; -} - -unsigned long *lvector(long nl, long nh) -/* allocate an unsigned long vector with subscript range v[nl..nh] */ -{ - unsigned long *v; - - v=(unsigned long *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(long))); - if (!v) nrerror("allocation failure in lvector()"); - return v-nl+NR_END; -} - -double *dvector(long nl, long nh) -/* allocate a double vector with subscript range v[nl..nh] */ -{ - double *v; - - v=(double *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(double))); - if (!v) nrerror("allocation failure in dvector()"); - return v-nl+NR_END; -} - -float **matrix(long nrl, long nrh, long ncl, long nch) -/* allocate a float matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((size_t)((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(float *) malloc((size_t)((nrow*ncol+NR_END)*sizeof(float))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -double **dmatrix(long nrl, long nrh, long ncl, long nch) -/* allocate a double matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - double **m; - - /* allocate pointers to rows */ - m=(double **) malloc((size_t)((nrow+NR_END)*sizeof(double*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(double *) malloc((size_t)((nrow*ncol+NR_END)*sizeof(double))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -int **imatrix(long nrl, long nrh, long ncl, long nch) -/* allocate a int matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - int **m; - - /* allocate pointers to rows */ - m=(int **) malloc((size_t)((nrow+NR_END)*sizeof(int*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - - /* allocate rows and set pointers to them */ - m[nrl]=(int *) malloc((size_t)((nrow*ncol+NR_END)*sizeof(int))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **submatrix(float **a, long oldrl, long oldrh, long oldcl, long oldch, - long newrl, long newcl) -/* point a submatrix [newrl..][newcl..] to a[oldrl..oldrh][oldcl..oldch] */ -{ - long i,j,nrow=oldrh-oldrl+1,ncol=oldcl-newcl; - float **m; - - /* allocate array of pointers to rows */ - m=(float **) malloc((size_t) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in submatrix()"); - m += NR_END; - m -= newrl; - - /* set pointers to rows */ - for(i=oldrl,j=newrl;i<=oldrh;i++,j++) m[j]=a[i]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **convert_matrix(float *a, long nrl, long nrh, long ncl, long nch) -/* allocate a float matrix m[nrl..nrh][ncl..nch] that points to the matrix -declared in the standard C manner as a[nrow][ncol], where nrow=nrh-nrl+1 -and ncol=nch-ncl+1. The routine should be called with the address -&a[0][0] as the first argument. */ -{ - long i,j,nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((size_t) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in convert_matrix()"); - m += NR_END; - m -= nrl; - - /* set pointers to rows */ - m[nrl]=a-ncl; - for(i=1,j=nrl+1;i -#define NR_END 1 -#define FREE_ARG char* - -void nrerror(error_text) -char error_text[]; -/* Numerical Recipes standard error handler */ -{ - void exit(); - - fprintf(stderr,"Numerical Recipes run-time error...\n"); - fprintf(stderr,"%s\n",error_text); - fprintf(stderr,"...now exiting to system...\n"); - exit(1); -} - -float *vector(nl,nh) -long nh,nl; -/* allocate a float vector with subscript range v[nl..nh] */ -{ - float *v; - - v=(float *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(float))); - if (!v) nrerror("allocation failure in vector()"); - return v-nl+NR_END; -} - -int *ivector(nl,nh) -long nh,nl; -/* allocate an int vector with subscript range v[nl..nh] */ -{ - int *v; - - v=(int *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(int))); - if (!v) nrerror("allocation failure in ivector()"); - return v-nl+NR_END; -} - -unsigned char *cvector(nl,nh) -long nh,nl; -/* allocate an unsigned char vector with subscript range v[nl..nh] */ -{ - unsigned char *v; - - v=(unsigned char *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(unsigned char))); - if (!v) nrerror("allocation failure in cvector()"); - return v-nl+NR_END; -} - -unsigned long *lvector(nl,nh) -long nh,nl; -/* allocate an unsigned long vector with subscript range v[nl..nh] */ -{ - unsigned long *v; - - v=(unsigned long *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(long))); - if (!v) nrerror("allocation failure in lvector()"); - return v-nl+NR_END; -} - -double *dvector(nl,nh) -long nh,nl; -/* allocate a double vector with subscript range v[nl..nh] */ -{ - double *v; - - v=(double *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(double))); - if (!v) nrerror("allocation failure in dvector()"); - return v-nl+NR_END; -} - -float **matrix(nrl,nrh,ncl,nch) -long nch,ncl,nrh,nrl; -/* allocate a float matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((unsigned int)((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(float *) malloc((unsigned int)((nrow*ncol+NR_END)*sizeof(float))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -double **dmatrix(nrl,nrh,ncl,nch) -long nch,ncl,nrh,nrl; -/* allocate a double matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - double **m; - - /* allocate pointers to rows */ - m=(double **) malloc((unsigned int)((nrow+NR_END)*sizeof(double*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(double *) malloc((unsigned int)((nrow*ncol+NR_END)*sizeof(double))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -int **imatrix(nrl,nrh,ncl,nch) -long nch,ncl,nrh,nrl; -/* allocate a int matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - int **m; - - /* allocate pointers to rows */ - m=(int **) malloc((unsigned int)((nrow+NR_END)*sizeof(int*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - - /* allocate rows and set pointers to them */ - m[nrl]=(int *) malloc((unsigned int)((nrow*ncol+NR_END)*sizeof(int))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **submatrix(a,oldrl,oldrh,oldcl,oldch,newrl,newcl) -float **a; -long newcl,newrl,oldch,oldcl,oldrh,oldrl; -/* point a submatrix [newrl..][newcl..] to a[oldrl..oldrh][oldcl..oldch] */ -{ - long i,j,nrow=oldrh-oldrl+1,ncol=oldcl-newcl; - float **m; - - /* allocate array of pointers to rows */ - m=(float **) malloc((unsigned int) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in submatrix()"); - m += NR_END; - m -= newrl; - - /* set pointers to rows */ - for(i=oldrl,j=newrl;i<=oldrh;i++,j++) m[j]=a[i]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **convert_matrix(a,nrl,nrh,ncl,nch) -float *a; -long nch,ncl,nrh,nrl; -/* allocate a float matrix m[nrl..nrh][ncl..nch] that points to the matrix -declared in the standard C manner as a[nrow][ncol], where nrow=nrh-nrl+1 -and ncol=nch-ncl+1. The routine should be called with the address -&a[0][0] as the first argument. */ -{ - long i,j,nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((unsigned int) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in convert_matrix()"); - m += NR_END; - m -= nrl; - - /* set pointers to rows */ - m[nrl]=a-ncl; - for(i=1,j=nrl+1;i (dmaxarg2) ?\ - (dmaxarg1) : (dmaxarg2)) - -static double dminarg1,dminarg2; -#define DMIN(a,b) (dminarg1=(a),dminarg2=(b),(dminarg1) < (dminarg2) ?\ - (dminarg1) : (dminarg2)) - -static float maxarg1,maxarg2; -#define FMAX(a,b) (maxarg1=(a),maxarg2=(b),(maxarg1) > (maxarg2) ?\ - (maxarg1) : (maxarg2)) - -static float minarg1,minarg2; -#define FMIN(a,b) (minarg1=(a),minarg2=(b),(minarg1) < (minarg2) ?\ - (minarg1) : (minarg2)) - -static long lmaxarg1,lmaxarg2; -#define LMAX(a,b) (lmaxarg1=(a),lmaxarg2=(b),(lmaxarg1) > (lmaxarg2) ?\ - (lmaxarg1) : (lmaxarg2)) - -static long lminarg1,lminarg2; -#define LMIN(a,b) (lminarg1=(a),lminarg2=(b),(lminarg1) < (lminarg2) ?\ - (lminarg1) : (lminarg2)) - -static int imaxarg1,imaxarg2; -#define IMAX(a,b) (imaxarg1=(a),imaxarg2=(b),(imaxarg1) > (imaxarg2) ?\ - (imaxarg1) : (imaxarg2)) - -static int iminarg1,iminarg2; -#define IMIN(a,b) (iminarg1=(a),iminarg2=(b),(iminarg1) < (iminarg2) ?\ - (iminarg1) : (iminarg2)) - -#define SIGN(a,b) ((b) >= 0.0 ? fabs(a) : -fabs(a)) - -void nrerror(char error_text[]); -float *vector(long nl, long nh); -int *ivector(long nl, long nh); -unsigned char *cvector(long nl, long nh); -unsigned long *lvector(long nl, long nh); -double *dvector(long nl, long nh); -float **matrix(long nrl, long nrh, long ncl, long nch); -double **dmatrix(long nrl, long nrh, long ncl, long nch); -int **imatrix(long nrl, long nrh, long ncl, long nch); -float **submatrix(float **a, long oldrl, long oldrh, long oldcl, long oldch, - long newrl, long newcl); -float **convert_matrix(float *a, long nrl, long nrh, long ncl, long nch); -float ***f3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_vector(float *v, long nl, long nh); -void free_ivector(int *v, long nl, long nh); -void free_cvector(unsigned char *v, long nl, long nh); -void free_lvector(unsigned long *v, long nl, long nh); -void free_dvector(double *v, long nl, long nh); -void free_matrix(float **m, long nrl, long nrh, long ncl, long nch); -void free_dmatrix(double **m, long nrl, long nrh, long ncl, long nch); -void free_imatrix(int **m, long nrl, long nrh, long ncl, long nch); -void free_submatrix(float **b, long nrl, long nrh, long ncl, long nch); -void free_convert_matrix(float **b, long nrl, long nrh, long ncl, long nch); -void free_f3tensor(float ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - - -int ***i3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_i3tensor(int ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - -unsigned char ***b3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_b3tensor(unsigned char ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - - - -double ***d3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_d3tensor(double ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - - - - - - - - -unsigned char **cmatrix(long nrl, long nrh, long ncl, long nch); -void free_cmatrix(unsigned char **m, long nrl, long nrh, long ncl, long nch); - - -#endif /* _NR_UTILS_H_ */ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/ttc/nrutil.o b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/ttc/nrutil.o deleted file mode 100644 index 65050ad3e96c4302cd331c49402ed003aed375cb..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/libCentroid/test/ttc/nrutil.o and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/readme b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/readme deleted file mode 100644 index 39abb7fcd5a8fcd0f6f835f39b8cc718d17de495..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/readme +++ /dev/null @@ -1,3 +0,0 @@ -PSFProcess.py: preProcess psfCentroidWgt - -PSFInterp.py: PSF-object diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/figs/testPSFInterp_30t10_iccd1_iwave1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/figs/testPSFInterp_30t10_iccd1_iwave1.pdf deleted file mode 100644 index b01125259c347697014edbff782c7d17a73eed8c..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/figs/testPSFInterp_30t10_iccd1_iwave1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/testCross_hocFind.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/testCross_hocFind.py deleted file mode 100644 index c6a54ede11adbef1e00f45af1d6e76e713446bba..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/testCross_hocFind.py +++ /dev/null @@ -1,126 +0,0 @@ -""" -hoclist 查好最近的采样点 -""" -import sys,os,math -import time -from IPython import display -import numpy as np -import matplotlib.pyplot as plt - -sys.path.append("/public/home/weichengliang/lnData/CSST_new_framwork/csstPSF") -import PSFConfig as myConfig -import PSFUtil as myUtil - -def findNeighbors_hoclist(px, py, tx=None,ty=None, dn=4, hoc=None, hoclist=None): - nhocy = nhocx = 20 - - pxMin = np.min(px) - pxMax = np.max(px) - pyMin = np.min(py) - pyMax = np.max(py) - - dhocx = (pxMax - pxMin)/(nhocx-1) - dhocy = (pyMax - pyMin)/(nhocy-1) - partx = px - pxMin +dhocx/2 - party = py - pyMin +dhocy/2 - - if hoc is None: - hoc, hoclist = myUtil.hocBuild(partx, party, nhocx, nhocy, dhocx, dhocy) - return hoc, hoclist - - if hoc is not None: - tx = tx - pxMin +dhocx/2 - ty = ty - pyMin +dhocy/2 - itx = int(tx/dhocx) - ity = int(ty/dhocy) - - ps = [-1, 0, 1] - neigh=[] - for ii in range(3): - for jj in range(3): - ix = itx + ps[ii] - iy = ity + ps[jj] - if ix < 0: - continue - if iy < 0: - continue - if ix > nhocx-1: - continue - if iy > nhocy-1: - continue - - #neightt = myUtil.hocFind(ppx, ppy, dhocx, dhocy, hoc, hoclist) - it = hoc[iy, ix] - while it != -1: - neigh.append(it) - it = hoclist[it] - #neigh.append(neightt) - #ll = [i for k in neigh for i in k] - if dn != -1: - ptx = np.array(partx[neigh]) - pty = np.array(party[neigh]) - dd = np.hypot(ptx-tx, pty-ty) - idx = np.argsort(dd) - neigh= np.array(neigh)[idx[0:dn]] - return neigh - - - - -##################################### -iccd = 13 #[1, 30] -iwave= 1 #[1, 4] -ipsf = 1 #[1, 100] -psfPathA = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp' -psfPathB = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp_30X30' - -for iccd in range(1,31): - if iccd != 1: - continue - npsfA = 100 - npsfB = 900 - - imxA = np.zeros(npsfA) - imyA = np.zeros(npsfA) - imxB = np.zeros(npsfB) - imyB = np.zeros(npsfB) - - for ipsf in range(npsfA): - print('ipsf-{:}'.format(ipsf), end='\r') - psfInfo = myConfig.LoadPSF(iccd, iwave, ipsf+1, psfPathA, InputMaxPixelPos=False, PSFCentroidWgt=True) - imxA[ipsf] = psfInfo['image_x']+psfInfo['centroid_x'] - imyA[ipsf] = psfInfo['image_y']+psfInfo['centroid_y'] - - for ipsf in range(npsfB): - print('ipsf-{:}'.format(ipsf), end='\r') - psfInfo = myConfig.LoadPSF(iccd, iwave, ipsf+1, psfPathB, InputMaxPixelPos=True, PSFCentroidWgt=True) - imxB[ipsf] = psfInfo['image_x']+psfInfo['centroid_x'] - imyB[ipsf] = psfInfo['image_y']+psfInfo['centroid_y'] - - ####### - px = imxB - py = imyB - hoc,hoclist = findNeighbors_hoclist(px, py) - - #if True: - for ipsfA in range(npsfA): - #plt.close() - plt.clf() - #fig = plt.figure(figsize=(12,12)) - plt.plot(imxA, imyA, 'b.') - plt.plot(imxB, imyB, 'r.') - - - #ipsfA = 19 - tx = imxA[ipsfA] - ty = imyA[ipsfA] - neigh = findNeighbors_hoclist(px, py, tx=tx,ty=ty, dn=4, hoc=hoc, hoclist=hoclist) - - plt.plot(imxB[neigh],imyB[neigh],'x', ms=10) - plt.plot(tx, ty,'+', ms=10) - - #plt.savefig('figs/psfCrossPos.pdf') - display.clear_output(wait=True) - plt.pause(0.05) - - diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/testCross_psfPos.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/testCross_psfPos.py deleted file mode 100644 index 108e5d2ca63df6e0e08e5262a4bd4c1d79513055..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/testCross_psfPos.py +++ /dev/null @@ -1,118 +0,0 @@ -""" -plot PSF场的分布:iccd-1-30 -""" -import sys,os,math -import time -from IPython import display -import numpy as np -import matplotlib.pyplot as plt -import mpi4py.MPI as MPI - -sys.path.append("/public/home/weichengliang/lnData/CSST_new_framwork/csstPSF") -import PSFConfig as myConfig -import PSFUtil as myUtil - -def assignTasks(npsf, NTasks, ThisTask): - npsfPerTasks = int(npsf/NTasks) - iStart= 0 + npsfPerTasks*ThisTask - iEnd = npsfPerTasks + npsfPerTasks*ThisTask - if ThisTask == NTasks: - iEnd = npsf - return iStart, iEnd - - -####### -comm = MPI.COMM_WORLD -ThisTask = comm.Get_rank() -NTasks = comm.Get_size() -####### - -iccd = 1 #[1, 30] -iwave= 1 #[1, 4] -ipsf = 1 #[1, 100] -psfPathA = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp' -psfPathB = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp_30X30' - -for iccd in range(1,31): - npsfA = 100 - npsfB = 900 - iStartA, iEndA = assignTasks(npsfA, NTasks, ThisTask) - iStartB, iEndB = assignTasks(npsfB, NTasks, ThisTask) - - imxA = np.zeros(npsfA) - imyA = np.zeros(npsfA) - imxB = np.zeros(npsfB) - imyB = np.zeros(npsfB) - - psfA_e1 = np.zeros(npsfA) - psfA_e2 = np.zeros(npsfA) - psfB_e1 = np.zeros(npsfB) - psfB_e2 = np.zeros(npsfB) - - for ipsf in range(iStartA+1, iEndA+1): - print('ipsf-{:}'.format(ipsf), end='\r') - psfInfo = myConfig.LoadPSF(iccd, iwave, ipsf, psfPathA, InputMaxPixelPos=False, PSFCentroidWgt=True) - imxA[ipsf-1] = psfInfo['image_x']+psfInfo['centroid_x'] - imyA[ipsf-1] = psfInfo['image_y']+psfInfo['centroid_y'] - cenX, cenY, sz, e1, e2, REE80 = myUtil.psfSizeCalculator(psfInfo['psfMat'], CalcPSFcenter=True, SigRange=True, TailorScheme=2) - psfA_e1[ipsf-1] = e1 - psfA_e2[ipsf-1] = e2 - - for ipsf in range(iStartB+1, iEndB+1): - print('ipsf-{:}'.format(ipsf), end='\r') - psfInfo = myConfig.LoadPSF(iccd, iwave, ipsf, psfPathB, InputMaxPixelPos=True, PSFCentroidWgt=True) - imxB[ipsf-1] = psfInfo['image_x']+psfInfo['centroid_x'] - imyB[ipsf-1] = psfInfo['image_y']+psfInfo['centroid_y'] - cenX, cenY, sz, e1, e2, REE80 = myUtil.psfSizeCalculator(psfInfo['psfMat'], CalcPSFcenter=True, SigRange=True, TailorScheme=2) - psfB_e1[ipsf-1] = e1 - psfB_e2[ipsf-1] = e2 - - - ####### - comm.barrier() - imxA = comm.allreduce(imxA, op=MPI.SUM) - imyA = comm.allreduce(imyA, op=MPI.SUM) - imxB = comm.allreduce(imxB, op=MPI.SUM) - imyB = comm.allreduce(imyB, op=MPI.SUM) - - psfA_e1 = comm.allreduce(psfA_e1, op=MPI.SUM) - psfA_e2 = comm.allreduce(psfA_e2, op=MPI.SUM) - psfB_e1 = comm.allreduce(psfB_e1, op=MPI.SUM) - psfB_e2 = comm.allreduce(psfB_e2, op=MPI.SUM) - - ####### - if ThisTask == 0: - plt.close() - fig = plt.figure(figsize=(12,12)) - plt.plot(imxA, imyA, 'b.') - plt.plot(imxB, imyB, 'r.') - plt.savefig('figs/psfCrossPos.pdf') - - ####### - fig = plt.figure(figsize=(12, 12)) - plt.subplots_adjust(wspace=0.1, hspace=0.1) - ax = plt.subplot(1, 1, 1) - for ipsf in range(npsfA): - plt.plot(imxA[ipsf], imyA[ipsf], 'b.') - - ang = np.arctan2(psfA_e2[ipsf], psfA_e1[ipsf])/2 - ell = np.sqrt(psfA_e1[ipsf]**2 + psfA_e2[ipsf]**2) - ell *= 50 - lcos = ell*np.cos(ang) - lsin = ell*np.sin(ang) - plt.plot([imxA[ipsf]-lcos, imxA[ipsf]+lcos],[imyA[ipsf]-lsin, imyA[ipsf]+lsin],'b', lw=2) - ########### - for ipsf in range(npsfB): - plt.plot(imxB[ipsf], imyB[ipsf], 'r.', alpha=0.75) - - ang = np.arctan2(psfB_e2[ipsf], psfB_e1[ipsf])/2 - ell = np.sqrt(psfB_e1[ipsf]**2 + psfB_e2[ipsf]**2) - ell *= 50 - lcos = ell*np.cos(ang) - lsin = ell*np.sin(ang) - plt.plot([imxB[ipsf]-lcos, imxB[ipsf]+lcos],[imyB[ipsf]-lsin, imyB[ipsf]+lsin],'r', lw=2, alpha=0.75) - ########### - plt.gca().set_aspect(1) - #plt.savefig('figs/psfCrossEll_iccd{:}.pdf'.format(iccd)) - - diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/testPlotPSFMat.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/testPlotPSFMat.py deleted file mode 100644 index 412f0bced5b93431af235a828de9c5a827b043ec..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/testPlotPSFMat.py +++ /dev/null @@ -1,45 +0,0 @@ -""" -画出指定PSF image -""" -import sys,os,math -import time -from IPython import display -import numpy as np -import matplotlib.pyplot as plt -import mpi4py.MPI as MPI - -sys.path.append("/public/home/weichengliang/lnData/CSST_new_framwork/csstPSF") -import PSFConfig as myConfig -import PSFUtil as myUtil - - -def plotPSFMat(iccd, iwave, ipsf, psfPath): - print('ipsf:', ipsf) - psfInfo = myConfig.LoadPSF(iccd, iwave, ipsf, psfPath, InputMaxPixelPos=True, PSFCentroidWgt=True) - imx = psfInfo['psfMat'] - - plt.close() - fig = plt.figure(figsize=(8,8)) - cpp = 128 - dcpp= 10 - plt.imshow(imx[cpp-dcpp:cpp+dcpp, cpp-dcpp:cpp+dcpp]) - plt.annotate('iccd-{:} ipsf-{:}'.format(iccd, ipsf), (0.1, 0.9), xycoords='axes fraction',color='w') - plt.savefig('figs/psfMatPlot_iccd{:}_ipsf{:}.pdf'.format(iccd, ipsf)) - - -iccd = 28 #[1, 30] -iwave= 1 #[1, 4] -ipsf = 1 #[1, 100] -#psfPath = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp' -psfPath = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp_30X30' - -for ipsf in range(12, 21): - plotPSFMat(iccd, iwave, ipsf, psfPath) -for ipsf in range(12, 21): - plotPSFMat(iccd, iwave, ipsf+30, psfPath) -for ipsf in range(12, 21): - plotPSFMat(iccd, iwave, ipsf+60, psfPath) - - - - diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/test_libCentroidWgt.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/test_libCentroidWgt.py deleted file mode 100644 index 8a0a477a293fe9d6c693c24af7bdd06ff4e0ca66..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/test_libCentroidWgt.py +++ /dev/null @@ -1,164 +0,0 @@ -''' -centroidWgt: 测试stack后质心与波长平均质心位置的相对偏差 -''' - -import sys -from itertools import islice - -import mpi4py.MPI as MPI - -import numpy as np -import matplotlib.pyplot as plt -import matplotlib as mpl -#mpl.use('Agg') - -import scipy.io -#import xlrd -from scipy import ndimage - -sys.path.append("/public/home/weichengliang/lnData/CSST_new_framwork/csstPSF") -import PSFConfig as myConfig -import PSFUtil as myUtil - - -def test_psfCentroidWgt(iccd, iwave, ipsf, psfPath): - psfInfo = myConfig.LoadPSF(iccd, iwave, ipsf, psfPath, InputMaxPixelPos=False) - ipsfMat = psfInfo['psfMat'] - print('centroid_x/y', psfInfo['centroid_x']/0.005, psfInfo['centroid_y']/0.005) - img, cx, cy = myUtil.centroidWgt(ipsfMat, nt=160) - return img, cx, cy - - -def test_wavePSFCentroidWgt(iccd, ipsf, psfPath): - ''' - 读取四个波长采样以及计算centroidWgt质心位置偏差 - ''' - psf4iwave = [] - for iwave in range(1, 5): - psfInfo = myConfig.LoadPSF(iccd, iwave, ipsf, psfPath, InputMaxPixelPos=True) - psf4iwave.append(psfInfo['psfMat']) - tt = myUtil.psfStack(psf4iwave[0], psf4iwave[1], psf4iwave[2], psf4iwave[3]) - - imgt = [] - cxt = [] - cyt = [] - for iwave in range(4): - ipsfMat = psf4iwave[iwave] - img, cx, cy = myUtil.centroidWgt(ipsfMat, nt=160) - #print('iwave-{:}:'.format(iwave), cx, cy, flush=True) - imgt.append(img) - cxt.append(cx) - cyt.append(cy) - cxm = np.mean(np.array(cxt)) - cym = np.mean(np.array(cyt)) - - img, cx, cy = myUtil.centroidWgt(tt, nt=160) - imgt.append(img) - return psf4iwave, imgt, cx - cxm, cy - cym, cxt, cyt - - -def test_wavePSFCentroidWgt_mpi(iccd, psfPath, ThisTask, NTasks): - npsf = 900 - npsfPerTasks = int(npsf/NTasks) - iStart= 0 + npsfPerTasks*ThisTask - iEnd = npsfPerTasks + npsfPerTasks*ThisTask - if ThisTask == NTasks: - iEnd = npsf - #print(ThisTask, ':', iStart, iEnd) - - psf_dcx = np.zeros(npsf) - psf_dcy = np.zeros(npsf) - for ipsf in range(iStart, iEnd): - if ThisTask == 0: - print('ThisTask-ipsf:', ThisTask, ipsf, flush=True) - psf4iwave, imgt, dcx, dcy, cxt, cyt = test_wavePSFCentroidWgt(iccd, ipsf+1, psfPath) - psf_dcx[ipsf] = dcx - psf_dcy[ipsf] = dcy - ''' - if dcx>=1.0 or dcy>=1.0: - fig = plt.figure(figsize=(12,18)) - for iax in range(5): - ax = plt.subplot(3,2,iax+1) - plt.imshow(imgt[iax][80-10:80+10, 80-10:80+10], origin='lower') - plt.savefig('figs/psfCentroidWgt_imgt{:}.pdf'.format(ipsf)) - fig = plt.figure(figsize=(12,18)) - for iax in range(4): - ax = plt.subplot(3,2,iax+1) - plt.imshow(psf4iwave[iax][90-10:90+10, 90-10:90+10], origin='lower') - plt.plot(cxt[iax]-90+10, cyt[iax]-90+10, 'b+', ms=20) - ax = plt.subplot(3,2,5) - tt = myUtil.psfStack(psf4iwave[0], psf4iwave[1], psf4iwave[2], psf4iwave[3]) - img, cx, cy = myUtil.centroidWgt(tt, nt=160) - plt.imshow(tt[90-10:90+10, 90-10:90+10], origin='lower') - plt.plot(cx-90+10, cy-90+10, 'b+', ms=20) - plt.savefig('figs/psfCentroidWgt_psfMat{:}.pdf'.format(ipsf)) - print('ok?:', ipsf, dcx, dcy, cxt, cyt, cx, cy) - ''' - - comm.barrier() - psf_dcx = comm.allreduce(psf_dcx, op=MPI.SUM) - psf_dcy = comm.allreduce(psf_dcy, op=MPI.SUM) - - if ThisTask == 0: - fig = plt.figure(figsize=(15,4)) - ax = plt.subplot(1,3,1) - hist = plt.hist(psf_dcx) - plt.xlabel('dcx=cx-cxm') - plt.ylabel('PDF') - plt.annotate('psfCentroid_dcx', (0.65, 0.85), xycoords='axes fraction') - - ax = plt.subplot(1,3,2) - hist = plt.hist(psf_dcy) - plt.xlabel('dcy=cy-cym') - plt.ylabel('PDF') - plt.annotate('psfCentroid_dcy', (0.65, 0.85), xycoords='axes fraction') - - ax = plt.subplot(1,3,3) - hist = plt.hist(np.sqrt(psf_dcx*psf_dcx + psf_dcy*psf_dcy)) - plt.xlabel('|dc|') - plt.ylabel('PDF') - plt.annotate('psfCentroid_|dc|', (0.65, 0.85), xycoords='axes fraction') - - plt.savefig('figs/psfCentroidWgt_ccd{:}.pdf'.format(iccd)) - plt.close() - - - - - - -if __name__=='__main__': - comm = MPI.COMM_WORLD - ThisTask = comm.Get_rank() - NTasks = comm.Get_size() - - iccd = 13 #[1, 30] - iwave= 1 #[1, 4] - ipsf = 10 #[1, 100] - #psfPath = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp' - psfPath = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp_30X30' - - ''' - img, cx, cy = test_psfCentroidWgt(iccd, iwave, ipsf, psfPath) - print(cx, cy, flush=True) - plt.imshow(img[80-10:80+10, 80-10:80+10], origin='lower') - plt.show() - ''' - - ''' - imgt = test_wavePSFCentroidWgt(iccd, ipsf, psfPath) - fig = plt.figure(figsize=(12,18)) - for iax in range(5): - ax = plt.subplot(3,2,iax+1) - plt.imshow(imgt[iax][80-10:80+10, 80-10:80+10], origin='lower') - plt.savefig('figs/psfCentroidWgt.pdf') - ''' - - for iccd in range(1, 31): - if ThisTask ==0: - print('iccd:', iccd, flush=True) - test_wavePSFCentroidWgt_mpi(iccd, psfPath, ThisTask, NTasks) - - - - diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/test_libCentroidWgt_PSFInterp.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/test_libCentroidWgt_PSFInterp.py deleted file mode 100644 index f7154d012321ac0cf2285ec0ea19599c411beae2..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/test_libCentroidWgt_PSFInterp.py +++ /dev/null @@ -1,139 +0,0 @@ -''' -PSF-IDW插值的cross-check -''' - -import sys -import numpy as np -import matplotlib.pyplot as plt -import mpi4py.MPI as MPI - -sys.path.append("/public/home/weichengliang/lnData/CSST_new_framwork/csstPSF") -import PSFConfig as myConfig -import PSFUtil as myUtil - -def assignTasks(npsf, NTasks, ThisTask): - npsfPerTasks = int(npsf/NTasks) - iStart= 0 + npsfPerTasks*ThisTask - iEnd = npsfPerTasks + npsfPerTasks*ThisTask - if ThisTask == NTasks: - iEnd = npsf - return iStart, iEnd - - -def test_Check(iccd, iwave, psfPathA, psfPathB, NTasks, ThisTask): - npsfA = 100 - npsfB = 900 - - psfSetA, PSFMatA, cen_colA, cen_rowA = myConfig.LoadPSFset(iccd, iwave, npsfA, psfPathA, InputMaxPixelPos=False, PSFCentroidWgt=True) - psfSetB, PSFMatB, cen_colB, cen_rowB = myConfig.LoadPSFset(iccd, iwave, npsfB, psfPathB, InputMaxPixelPos=True, PSFCentroidWgt=True) - - psf_sz = np.zeros(npsfA) - psf_e1 = np.zeros(npsfA) - psf_e2 = np.zeros(npsfA) - psfMaker_sz = np.zeros(npsfA) - psfMaker_e1 = np.zeros(npsfA) - psfMaker_e2 = np.zeros(npsfA) - - iStart, iEnd= assignTasks(npsfA, NTasks, ThisTask) - - for ipsf in range(iStart, iEnd): - #if ipsf != 83: - # continue - - if ThisTask == 0: - print('ipsf:', ipsf, flush=True) - px = cen_colA[ipsf] - py = cen_rowA[ipsf] - img= myConfig.psfMaker_IDW(px, py, PSFMatB, cen_colB, cen_rowB, IDWindex=2, OnlyNeighbors=True, PSFCentroidWgt=False) - imgtt, cx, cy = myUtil.centroidWgt(img, nt=200) - - imx = psfSetA[ipsf]['psfMat'] - imy = imgtt - cenX, cenY, sz, e1, e2, REE80 = myUtil.psfSizeCalculator(imx, CalcPSFcenter=True, SigRange=True, TailorScheme=2) - psf_sz[ipsf] = sz - psf_e1[ipsf] = e1 - psf_e2[ipsf] = e2 - cenX, cenY, sz, e1, e2, REE80 = myUtil.psfSizeCalculator(imy, CalcPSFcenter=True, SigRange=True, TailorScheme=2) - psfMaker_sz[ipsf] = sz - psfMaker_e1[ipsf] = e1 - psfMaker_e2[ipsf] = e2 - - ####### - comm.barrier() - psf_sz = comm.allreduce(psf_sz, op=MPI.SUM) - psf_e1 = comm.allreduce(psf_e1, op=MPI.SUM) - psf_e2 = comm.allreduce(psf_e2, op=MPI.SUM) - psfMaker_sz = comm.allreduce(psfMaker_sz, op=MPI.SUM) - psfMaker_e1 = comm.allreduce(psfMaker_e1, op=MPI.SUM) - psfMaker_e2 = comm.allreduce(psfMaker_e2, op=MPI.SUM) - - ####### - if ThisTask == 0: - ell_iccd = np.zeros(npsfA) - ell_iccd_psfMaker = np.zeros(npsfA) - fig = plt.figure(figsize=(18, 5)) - plt.subplots_adjust(wspace=0.1, hspace=0.1) - ax = plt.subplot(1, 3, 1) - for ipsf in range(npsfA): - imx = cen_colA[ipsf] #psfSet[ipsf-1]['image_x'] - imy = cen_rowA[ipsf] #psfSet[ipsf-1]['image_y'] - plt.plot(imx, imy, 'b.') - - #ang = np.arctan2(psfSet[ipsf-1]['psf_e2'], psfSet[ipsf-1]['psf_e1'])/2 - #ell = np.sqrt(psfSet[ipsf-1]['psf_e1']**2 + psfSet[ipsf-1]['psf_e2']**2) - ang = np.arctan2(psf_e2[ipsf], psf_e1[ipsf])/2 - ell = np.sqrt(psf_e1[ipsf]**2 + psf_e2[ipsf]**2) - ell_iccd[ipsf] = ell - ell *= 50 - lcos = ell*np.cos(ang) - lsin = ell*np.sin(ang) - plt.plot([imx-lcos, imx+lcos],[imy-lsin, imy+lsin],'b', lw=2) - ########### - ang = np.arctan2(psfMaker_e2[ipsf], psfMaker_e1[ipsf])/2 - ell = np.sqrt(psfMaker_e1[ipsf]**2 + psfMaker_e2[ipsf]**2) - ell_iccd_psfMaker[ipsf] = ell - ell *= 50 - lcos = ell*np.cos(ang) - lsin = ell*np.sin(ang) - plt.plot([imx-lcos, imx+lcos],[imy-lsin, imy+lsin],'r', lw=1) - ########### - plt.gca().set_aspect(1) - - ax = plt.subplot(1, 3, 2) - tmp = plt.hist(ell_iccd, bins = 8, color='b', alpha=0.5) - tmp = plt.hist(ell_iccd_psfMaker, bins = 8, color='r', alpha=0.5) - plt.annotate('iccd-{:} iwave-{:}'.format(iccd, iwave), (0.55, 0.85), xycoords='axes fraction',fontsize=15) - plt.xlabel('ell') - plt.ylabel('PDF') - - ax = plt.subplot(1, 3, 3) - dsz = (psfMaker_sz - psf_sz)/psf_sz - dsz_hist= plt.hist(dsz) - plt.xlabel('dsz') - plt.savefig('figs/psfCrossMakerIDW_30t10_iccd{:}_iwave{:}.pdf'.format(iccd, iwave)) - - - -if __name__ == '__main__': - ####### - comm = MPI.COMM_WORLD - ThisTask = comm.Get_rank() - NTasks = comm.Get_size() - ####### - - iccd = 13 #[1, 30] - iwave= 1 #[1, 4] - ipsf = 10 #[1, 100] - psfPathA = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp' - psfPathB = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp_30X30' - for iccd in range(1, 31): - if iccd != 12: - continue - test_Check(iccd, iwave, psfPathA, psfPathB, NTasks, ThisTask) - - #test_Check(28, iwave, psfPathA, psfPathB, NTasks, ThisTask) - #test_Check(29, iwave, psfPathA, psfPathB, NTasks, ThisTask) - - - - diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/test_libCentroidWgt_PSFInterp_imCheck.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/test_libCentroidWgt_PSFInterp_imCheck.py deleted file mode 100644 index 24ec1f785f0d69736d1032c565052df9c3c61510..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v2/test/test_libCentroidWgt_PSFInterp_imCheck.py +++ /dev/null @@ -1,110 +0,0 @@ -''' -画出给定PSF的插值前后image以及neighbors image -''' - -import sys -import numpy as np -import matplotlib.pyplot as plt -import mpi4py.MPI as MPI - -sys.path.append("/public/home/weichengliang/lnData/CSST_new_framwork/csstPSF") -import PSFConfig as myConfig -import PSFUtil as myUtil - -def assignTasks(npsf, NTasks, ThisTask): - npsfPerTasks = int(npsf/NTasks) - iStart= 0 + npsfPerTasks*ThisTask - iEnd = npsfPerTasks + npsfPerTasks*ThisTask - if ThisTask == NTasks: - iEnd = npsf - return iStart, iEnd - - -def test_Check(iccd, iwave, psfPathA, psfPathB): - npsfA = 100 - npsfB = 900 - - psfSetA, PSFMatA, cen_colA, cen_rowA = myConfig.LoadPSFset(iccd, iwave, npsfA, psfPathA, InputMaxPixelPos=False, PSFCentroidWgt=True) - psfSetB, PSFMatB, cen_colB, cen_rowB = myConfig.LoadPSFset(iccd, iwave, npsfB, psfPathB, InputMaxPixelPos=True, PSFCentroidWgt=True) - - anchor = 36 - for ipsf in range(npsfA): - if ipsf != anchor: - continue - - px = cen_colA[ipsf] - py = cen_rowA[ipsf] - img= myConfig.psfMaker_IDW(px, py, PSFMatB, cen_colB, cen_rowB, IDWindex=2, OnlyNeighbors=True, PSFCentroidWgt=False) - imgtt, cx, cy = myUtil.centroidWgt(img, nt=200) - - neigh = myUtil.findNeighbors(px, py, cen_colB, cen_rowB, dr=5., dn=4, OnlyDistance=False) - print('neigh:', neigh) - - imx = psfSetA[ipsf]['psfMat'] - imy = img #imgtt - cenX, cenY, sz, e1, e2, REE80 = myUtil.psfSizeCalculator(imx, CalcPSFcenter=True, SigRange=True, TailorScheme=2) - #psf_e1[ipsf] = e1 - #psf_e2[ipsf] = e2 - ang = np.arctan2(e2, e1)/2 - ell = np.sqrt(e1**2 + e2**2) - print(e1,e2, ell, ang) - cenX, cenY, sz, e1, e2, REE80 = myUtil.psfSizeCalculator(imy, CalcPSFcenter=True, SigRange=True, TailorScheme=2) - #psfMaker_e1[ipsf] = e1 - #psfMaker_e2[ipsf] = e2 - ang = np.arctan2(e2, e1)/2 - ell = np.sqrt(e1**2 + e2**2) - print(e1,e2, ell, ang) - - ####### - fig = plt.figure(figsize=(10, 15)) - cpp = 128 - dcpp= 10 - ax = plt.subplot(3, 2, 1) - plt.imshow(imx[cpp-dcpp:cpp+dcpp, cpp-dcpp:cpp+dcpp]) - - ax = plt.subplot(3, 2, 2) - plt.imshow(imy[cpp-dcpp:cpp+dcpp, cpp-dcpp:cpp+dcpp]) - - ax = plt.subplot(3, 2, 3) - imx= psfSetB[neigh[0]]['psfMat'] - plt.imshow(imx[cpp-dcpp:cpp+dcpp, cpp-dcpp:cpp+dcpp]) - - ax = plt.subplot(3, 2, 4) - imx= psfSetB[neigh[1]]['psfMat'] - plt.imshow(imx[cpp-dcpp:cpp+dcpp, cpp-dcpp:cpp+dcpp]) - - ax = plt.subplot(3, 2, 5) - imx= psfSetB[neigh[2]]['psfMat'] - plt.imshow(imx[cpp-dcpp:cpp+dcpp, cpp-dcpp:cpp+dcpp]) - - ax = plt.subplot(3, 2, 6) - imx= psfSetB[neigh[3]]['psfMat'] - plt.imshow(imx[cpp-dcpp:cpp+dcpp, cpp-dcpp:cpp+dcpp]) - - ''' - ax = plt.subplot(3, 2, 5) - imx = psfSetB[790]['psfMat']*0.7565569887550834 + psfSetB[789]['psfMat']*0.24344301124491663 - imx = imx/np.nansum(imx) - plt.imshow(imx[cpp-dcpp:cpp+dcpp, cpp-dcpp:cpp+dcpp]) - cenX, cenY, sz, e1, e2, REE80 = myUtil.psfSizeCalculator(imx, CalcPSFcenter=True, SigRange=True, TailorScheme=2) - ang = np.arctan2(e2, e1)/2 - ell = np.sqrt(e1**2 + e2**2) - print(e1,e2, ell, ang) - ''' - - plt.savefig('figs/psfCrossMakerIDW_imCheck.pdf'.format(iccd, iwave)) - - - -if __name__ == '__main__': - iccd = 29 #[1, 30] - iwave= 1 #[1, 4] - ipsf = 10 #[1, 100] - psfPathA = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp' - psfPathB = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp_30X30' - - test_Check(iccd, iwave, psfPathA, psfPathB) - - - - diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/PSFConfig.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/PSFConfig.py deleted file mode 100644 index bb456c1023e51a99ef584ac4112f4ddc3ba7d3dc..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/PSFConfig.py +++ /dev/null @@ -1,171 +0,0 @@ -import sys -import numpy as np -import scipy.io -from itertools import islice - -from PSF.PSFInterp.PSFUtil import * - - - -###加载PSF信息### -def LoadPSF(iccd, iwave, ipsf, psfPath, InputMaxPixelPos=True, PSFCentroidWgt=False, PixSizeInMicrons=2.5): - """ - load psf informations from psf matrix. - - Parameters: - iccd (int): ccd number [1,30]. - iwave(int): wave-index [1,4]. - ipsf (int): psf number [1, 100]. - psfPath (int): path to psf matrix - InputMaxPixelPos(bool-optional): only True for 30*30 psf-matrix - PSFCentroidWgt(bool-optional): True for using psfMat with libCentroid.lib - Returns: - psfInfo (dirctionary) - """ - - if iccd not in np.linspace(1, 30, 30, dtype='int'): - print('Error - iccd should be in [1, 30].') - sys.exit() - if iwave not in np.linspace(1, 4, 4, dtype='int'): - print('Error - iwave should be in [1, 4].') - sys.exit() - if ipsf not in np.linspace(1, 900, 900, dtype='int'): - print('Error - ipsf should be in [1, 900].') - sys.exit() - - psfInfo = {} - fpath = psfPath +'/' +'ccd{:}'.format(iccd) +'/' + 'wave_{:}'.format(iwave) - - #获取ipsf矩阵 - if not PSFCentroidWgt: - ##读取PSF原数据 - fpathMat = fpath +'/' +'5_psf_array' +'/' +'psf_{:}.mat'.format(ipsf) - data = scipy.io.loadmat(fpathMat) - psfInfo['psfMat'] = data['psf'] - if PSFCentroidWgt: - ##读取PSFCentroidWgt - ffpath = psfPath +'_proc/' +'ccd{:}'.format(iccd) +'/' + 'wave_{:}'.format(iwave) - ffpathMat = ffpath +'/' +'5_psf_array' +'/' +'psf_{:}_centroidWgt.mat'.format(ipsf) - data = scipy.io.loadmat(ffpathMat) - psfInfo['psfMat'] = data['psf'] - - psfInfo['pixsize'] = PixSizeInMicrons #microns - - #获取ipsf波长 - fpathWave = fpath +'/' +'1_wavelength.txt' - f = open(fpathWave, 'r') - wavelength = np.float(f.readline()) - f.close() - psfInfo['wavelength'] = wavelength - - #获取ipsf位置 - fpathCoordinate = fpath +'/' +'4_PSF_coordinate.txt' - f = open(fpathCoordinate, 'r') - header = f.readline() - for line in islice(f, ipsf-1, ipsf): - line = line.strip() - columns = line.split() - f.close() - icol = 0 - psfInfo['field_x'] = float(columns[icol]) #deg, 视场采样位置 - icol+= 1 - psfInfo['field_y'] = float(columns[icol]) #deg - icol+= 1 - psfInfo['centroid_x'] = float(columns[icol]) #mm, psf质心相对主光线的偏移量 - icol+= 1 - psfInfo['centroid_y'] = float(columns[icol]) #mm - icol+= 1 - if InputMaxPixelPos == True: - psfInfo['max_x'] = float(columns[icol]) #mm, max pixel postion - icol+= 1 - psfInfo['max_y'] = float(columns[icol]) #mm - icol+= 1 - psfInfo['image_x'] = float(columns[icol]) #mm, 主光线位置 - icol+= 1 - psfInfo['image_y'] = float(columns[icol]) #mm - - - if PSFCentroidWgt: - psfInfo['centroid_x'] = data['cx'][0][0] #mm, psfCentroidWgt质心相对主光线的偏移量 - psfInfo['centroid_y'] = data['cy'][0][0] #mm - return psfInfo - - - -###插值PSF图像-IDW方法### -def psfMaker_IDW(px, py, PSFMat, cen_col, cen_row, IDWindex=2, OnlyNeighbors=True, hoc=None, hoclist=None, PSFCentroidWgt=False): - """ - psf interpolation by IDW - - Parameters: - px, py (float, float): position of the target - PSFMat (numpy.array): image - cen_col, cen_row (numpy.array, numpy.array): potions of the psf centers - IDWindex (int-optional): the power index of IDW - OnlyNeighbors (bool-optional): only neighbors are used for psf interpolation - - Returns: - psfMaker (numpy.array) - """ - - minimum_psf_weight = 1e-8 - ref_col = px - ref_row = py - - ngy, ngx = PSFMat[0, :, :].shape - npsf = PSFMat[:, :, :].shape[0] - psfWeight = np.zeros([npsf]) - - if OnlyNeighbors == True: - if hoc is None: - neigh = findNeighbors(px, py, cen_col, cen_row, dr=5., dn=4, OnlyDistance=False) - if hoc is not None: - neigh = findNeighbors_hoclist(cen_col, cen_row, tx=px,ty=py, dn=4, hoc=hoc, hoclist=hoclist) - - neighFlag = np.zeros(npsf) - neighFlag[neigh] = 1 - - for ipsf in range(npsf): - if OnlyNeighbors == True: - if neighFlag[ipsf] != 1: - continue - - dist = np.sqrt((ref_col - cen_col[ipsf])**2 + (ref_row - cen_row[ipsf])**2) - if IDWindex == 1: - psfWeight[ipsf] = dist - if IDWindex == 2: - psfWeight[ipsf] = dist**2 - if IDWindex == 3: - psfWeight[ipsf] = dist**3 - if IDWindex == 4: - psfWeight[ipsf] = dist**4 - psfWeight[ipsf] = max(psfWeight[ipsf], minimum_psf_weight) - psfWeight[ipsf] = 1./psfWeight[ipsf] - psfWeight /= np.sum(psfWeight) - - psfMaker = np.zeros([ngy, ngx], dtype=np.float32) - for ipsf in range(npsf): - if OnlyNeighbors == True: - if neighFlag[ipsf] != 1: - continue - - iPSFMat = PSFMat[ipsf, :, :].copy() - ipsfWeight = psfWeight[ipsf] - - psfMaker += iPSFMat * ipsfWeight - psfMaker /= np.nansum(psfMaker) - - return psfMaker - - - -###TEST### -if __name__ == '__main__': - iccd = 1 - iwave= 1 - ipsf = 1 - psfPath = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_20210108/CSST_psf_ciomp_2p5um_cycle3_ccr90' - - psfInfo = LoadPSF(iccd, iwave, ipsf, psfPath, InputMaxPixelPos=True, PSFCentroidWgt=True) - print('psfInfo.keys:', psfInfo.keys()) - print(psfInfo) diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/PSFInterp.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/PSFInterp.py deleted file mode 100644 index 0be7e5b6a4964383d6df94eb23aa52a91931f62c..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/PSFInterp.py +++ /dev/null @@ -1,259 +0,0 @@ -''' -PSF interpolation for CSST-Sim - -NOTE: [iccd, iwave, ipsf] are counted from 1 to n, but [tccd, twave, tpsf] are counted from 0 to n-1 -''' - -import galsim -import numpy as np - -import os -import time -import copy -import PSF.PSFInterp.PSFConfig as myConfig -import PSF.PSFInterp.PSFUtil as myUtil -from PSF.PSFModel import PSFModel - -LOG_DEBUG = False #***# -NPSF = 900 #***# 30*30 -iccdTest = 1 #***# - - -class PSFInterp(PSFModel): - # def __init__(self, PSF_data=None, params=None, PSF_data_file=None): - def __init__(self, chip, PSF_data=None, PSF_data_file=None, sigSpin=0, psfRa=0.15): - """ - The PSF data matrix is either given by a object parameter or read in from a file. - Parameters: - PSF_data: The PSF data matrix object - params: Other parameters? - PSF_data_file: The file for PSF data matrix (optional). - """ - if LOG_DEBUG: - print('===================================================') - print('DEBUG: psf module for csstSim ' \ - +time.strftime("(%Y-%m-%d %H:%M:%S)", time.localtime()), flush=True) - print('===================================================') - - self.sigSpin = sigSpin - self.sigGauss = psfRa - - self.iccd = int(chip.getChipLabel(chipID=chip.chipID)) - if PSF_data_file == None: - PSF_data_file = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_20210108/CSST_psf_ciomp_2p5um_cycle3_ccr90' - self.nwave= self._getPSFwave(self.iccd, PSF_data_file) - self.PSF_data = self._loadPSF(self.iccd, PSF_data_file) - - if LOG_DEBUG: - print('nwave-{:} on ccd-{:}::'.format(self.nwave, self.iccd), flush=True) - print('self.PSF_data ... ok', flush=True) - print('Preparing self.[psfMat,cen_col,cen_row] for psfMaker ... ', end='', flush=True) - - ngy, ngx = self.PSF_data[0][0]['psfMat'].shape - self.psfMat = np.zeros([self.nwave, NPSF, ngy, ngx], dtype=np.float32) - self.cen_col= np.zeros([self.nwave, NPSF], dtype=np.float32) - self.cen_row= np.zeros([self.nwave, NPSF], dtype=np.float32) - self.hoc =[] - self.hoclist=[] - for twave in range(self.nwave): - for tpsf in range(NPSF): - self.psfMat[twave, tpsf, :, :] = self.PSF_data[twave][tpsf]['psfMat'] - self.PSF_data[twave][tpsf]['psfMat'] = 0 ###free psfMat - - pixsize = self.PSF_data[twave][tpsf]['pixsize']*1e-3 ##mm - self.cen_col[twave, tpsf] = self.PSF_data[twave][tpsf]['image_x'] +0.*pixsize + self.PSF_data[twave][tpsf]['centroid_x'] - self.cen_row[twave, tpsf] = self.PSF_data[twave][tpsf]['image_y'] +0.*pixsize + self.PSF_data[twave][tpsf]['centroid_y'] - - #hoclist on twave for neighborsFinding - hoc,hoclist = myUtil.findNeighbors_hoclist(self.cen_col[twave], self.cen_row[twave]) - self.hoc.append(hoc) - self.hoclist.append(hoclist) - - if LOG_DEBUG: - print('ok', flush=True) - - - def _getPSFwave(self, iccd, PSF_data_file): - """ - Get # of sampling waves on iccd - Parameters: - iccd: The chip of i-th ccd - PSF_data_file: The file for PSF data matrix - Returns: - nwave: The number of the sampling waves - """ - strs = os.listdir(PSF_data_file + '/ccd{:}'.format(iccd)) - nwave = 0 - for _ in strs: - if 'wave_' in _: - nwave += 1 - return nwave - - - - def _loadPSF(self, iccd, PSF_data_file): - """ - load psf-matrix on iccd - Parameters: - iccd: The chip of i-th ccd - PSF_data_file: The file for PSF data matrix - Returns: - psfSet: The matrix of the csst-psf - """ - psfSet = [] - for ii in range(self.nwave): - iwave = ii+1 - if LOG_DEBUG: - print('self._loadPSF: iwave::', iwave, flush=True) - psfWave = [] - for jj in range(NPSF): - ipsf = jj+1 - psfInfo = myConfig.LoadPSF(iccd, iwave, ipsf, PSF_data_file, InputMaxPixelPos=True, PSFCentroidWgt=True) - psfWave.append(psfInfo) - psfSet.append(psfWave) - if LOG_DEBUG: - print('psfSet has been loaded:', flush=True) - print('psfSet[iwave][ipsf][keys]:', psfSet[0][0].keys(), flush=True) - return psfSet - - - - def _preprocessPSF(self): - pass - - - def _findWave(self, bandpass): - for twave in range(self.nwave): - bandwave = self.PSF_data[twave][0]['wavelength'] - if bandpass.blue_limit < bandwave and bandwave < bandpass.red_limit: - return twave - return -1 - - - - def get_PSF(self, chip, pos_img, bandpass, pixSize=0.0184, galsimGSObject=True, findNeighMode='treeFind', folding_threshold=5.e-3): - """ - Get the PSF at a given image position - - Parameters: - chip: A 'Chip' object representing the chip we want to extract PSF from. - pos_img: A 'galsim.Position' object representing the image position. - bandpass: A 'galsim.Bandpass' object representing the wavelength range. - pixSize: The pixels size of psf matrix - findNeighMode: 'treeFind' or 'hoclistFind' - Returns: - PSF: A 'galsim.GSObject'. - """ - #***# assert self.iccd == chip.chipID, 'ERROR: self.iccd != chip.chipID' - # twave = bandpass-1 #***# ??? #self.findWave(bandpass) ###twave=iwave-1 as that in NOTE - assert self.iccd == int(chip.getChipLabel(chipID=chip.chipID)), 'ERROR: self.iccd != chip.chipID' - twave = self._findWave(bandpass) - if twave == -1: - print("!!!PSF bandpass does not match.") - exit() - PSFMat = self.psfMat[twave] - cen_col= self.cen_col[twave] - cen_row= self.cen_row[twave] - - # px = pos_img[0] - # py = pos_img[1] - px = (pos_img.x - chip.cen_pix_x)*0.01 - py = (pos_img.y - chip.cen_pix_y)*0.01 - if findNeighMode == 'treeFind': - imPSF = myConfig.psfMaker_IDW(px, py, PSFMat, cen_col, cen_row, IDWindex=2, OnlyNeighbors=True, PSFCentroidWgt=True) - if findNeighMode == 'hoclistFind': - imPSF = myConfig.psfMaker_IDW(px, py, PSFMat, cen_col, cen_row, IDWindex=2, OnlyNeighbors=True, hoc=self.hoc[twave], hoclist=self.hoclist[twave], PSFCentroidWgt=True) - - if galsimGSObject: - img = galsim.ImageF(imPSF, scale=pixSize) - gsp = galsim.GSParams(folding_threshold=folding_threshold) - self.psf = galsim.InterpolatedImage(img, gsparams=gsp) - gaussPSF = galsim.Gaussian(sigma=0.04, gsparams=gsp) - self.psf = galsim.Convolve(gaussPSF, self.psf) - return self.PSFspin(x=px/0.01, y=py/0.01) - return imPSF - - def PSFspin(self, x, y): - """ - The PSF profile at a given image position relative to the axis center - - Parameters: - theta : spin angles in a given exposure in unit of [arcsecond] - dx, dy: relative position to the axis center in unit of [pixels] - - Return: - Spinned PSF: g1, g2 and axis ratio 'a/b' - """ - a2Rad = np.pi/(60.0*60.0*180.0) - - ff = self.sigGauss * 0.107 * (1000.0/10.0) # in unit of [pixels] - rc = np.sqrt(x*x + y*y) - cpix = rc*(self.sigSpin*a2Rad) - - beta = (np.arctan2(y,x) + np.pi/2) - ell = cpix**2/(2.0*ff**2+cpix**2) - qr = np.sqrt((1.0+ell)/(1.0-ell)) - PSFshear = galsim.Shear(e=ell, beta=beta*galsim.radians) - return self.psf.shear(PSFshear), PSFshear - - - - -if __name__ == '__main__': - if True: - psfPath = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_20210108/CSST_psf_ciomp_2p5um_cycle3_ccr90' - psfCSST = PSFInterp(PSF_data_file = psfPath) - iwave= 1 - ipsf = 665 - pos_img = [psfCSST.cen_col[iwave, ipsf], psfCSST.cen_row[iwave, ipsf]] - img = psfCSST.get_PSF(1, pos_img, iwave, galsimGSObject=True) - print('haha') - - - if False: - #old version (discarded) - #plot check-1 - import matplotlib.pyplot as plt - fig = plt.figure(figsize=(18,5)) - ax = plt.subplot(1,3,1) - plt.imshow(img) - plt.colorbar() - ax = plt.subplot(1,3,2) - imgx = psfCSST.itpPSF_data[iwave][ipsf]['psfMat'] - imgx/= np.sum(imgx) - plt.imshow(imgx) - plt.colorbar() - ax = plt.subplot(1,3,3) - plt.imshow(img - imgx) - plt.colorbar() - plt.savefig('test/figs/test1.jpg') - - if False: - #old version (discarded) - #plot check-2: 注意图像坐标和全局坐标 - fig = plt.figure(figsize=(8,8), dpi = 200) - img = psfCSST.PSF_data[iwave][ipsf]['psfMat'] - npix = img.shape[0] - dng = 105 - imgg = img[dng:-dng, dng:-dng] - plt.imshow(imgg) - imgX = psfCSST.PSF_data[iwave][ipsf]['image_x'] #in mm - imgY = psfCSST.PSF_data[iwave][ipsf]['image_y'] #in mm - deltX= psfCSST.PSF_data[iwave][ipsf]['centroid_x'] #in mm - deltY= psfCSST.PSF_data[iwave][ipsf]['centroid_y'] #in mm - maxX = psfCSST.PSF_data[iwave][ipsf]['max_x'] - maxY = psfCSST.PSF_data[iwave][ipsf]['max_y'] - cenPix_X = npix/2 + deltX/0.005 - cenPix_Y = npix/2 - deltY/0.005 - maxPix_X = npix/2 + maxX/0.005-1 - maxPix_Y = npix/2 - maxY/0.005-1 - plt.plot([cenPix_X-dng],[cenPix_Y-dng], 'rx', ms = 20) - plt.plot([maxPix_X-dng],[maxPix_Y-dng], 'b+', ms=20) - - from scipy import ndimage - y, x = ndimage.center_of_mass(img) - plt.plot([x-dng],[y-dng], 'rx', ms = 10, mew=4) - x, y = myUtil.findMaxPix(img) - plt.plot([x-dng],[y-dng], 'b+', ms = 10, mew=4) - plt.savefig('test/figs/test2.jpg') - diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/PSFProcess.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/PSFProcess.py deleted file mode 100644 index 6bf54466a88071ff1e0bfe3f5946793d3a46dd74..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/PSFProcess.py +++ /dev/null @@ -1,85 +0,0 @@ -import os, sys -import numpy as np -import scipy.io -import mpi4py.MPI as MPI - - - -#sys.path.append("/public/home/weichengliang/lnData/CSST_new_framwork/csstPSF_20201222") -import PSFConfig as myConfig -import PSFUtil as myUtil - -def mkdir(path): - isExists = os.path.exists(path) - if not isExists: - os.mkdir(path) - - -############################################ -comm = MPI.COMM_WORLD -ThisTask = comm.Get_rank() -NTasks = comm.Get_size() - -npsf = 900 -psfPath = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_20210108/CSST_psf_ciomp_2p5um_cycle3_ccr90' - -npsfPerTasks = int(npsf/NTasks) -iStart= 0 + npsfPerTasks*ThisTask -iEnd = npsfPerTasks + npsfPerTasks*ThisTask -if ThisTask == NTasks: - iEnd = npsf - - -for iccd in range(1, 31): - iccdPath = psfPath + '_proc/ccd{:}'.format(iccd) - if ThisTask == 0: - mkdir(iccdPath) - comm.barrier() - - for iwave in range(1, 5): - iwavePath = iccdPath + '/wave_{:}'.format(iwave) - if ThisTask == 0: - mkdir(iwavePath) - comm.barrier() - - psfMatPath = iwavePath + '/5_psf_array' - if ThisTask == 0: - mkdir(psfMatPath) - comm.barrier() - - for ii in range(iStart, iEnd): - ipsf = ii+1 - if ThisTask ==0: - print('iccd-iwave-ipsf: {:4}{:4}{:4}'.format(iccd, iwave, ipsf), end='\r',flush=True) - #if iccd != 1 or iwave !=1 or ipsf != 1: - # continue - - ipsfOutput = psfMatPath + '/psf_{:}_centroidWgt.mat'.format(ipsf) - - psfInfo = myConfig.LoadPSF(iccd, iwave, ipsf, psfPath, InputMaxPixelPos=True) - ipsfMat = psfInfo['psfMat'] - npix_y, npix_x = ipsfMat.shape - - #if npsf == 100: - # ncut = 160 - #if npsf == 900: - # ncut = 200 - ncut = int(npix_y*0.90) - ncut = ncut + ncut%2 #even pixs - - img, cx, cy = myUtil.centroidWgt(ipsfMat, nt=ncut) - dcx = cx - npix_x/2 #pixel coords -> global coords - dcy = cy - npix_y/2 #pixel coords -> global coords - dcx*= psfInfo['pixsize']*1e-3 #5e-3 #pixels -> mm - dcy*= psfInfo['pixsize']*1e-3 #5e-3 #pixels -> mm - - nn = npix_y - dn = int((nn - ncut)/2) - imgt = np.zeros([nn, nn], dtype=np.float32) - imgt[dn:-dn, dn:-dn] = img - - scipy.io.savemat(ipsfOutput, {'cx':dcx, 'cy':dcy, 'psf':imgt}) - if iccd != 1 or iwave !=1 or ipsf != 1: - if ThisTask == 0: - print('CHECK::', dcx, dcy, psfInfo['centroid_x'],psfInfo['centroid_y']) - diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/PSFUtil.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/PSFUtil.py deleted file mode 100644 index 444dabbf1cec1ea676a27fd1333f965a8451873e..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/PSFUtil.py +++ /dev/null @@ -1,527 +0,0 @@ -import sys -import ctypes -import numpy as np -from scipy import ndimage -import scipy.spatial as spatial - - -###定义PSF像素的全局坐标### -def psfPixelLayout(nrows, ncols, cenPosRow, cenPosCol, pixSizeInMicrons=5.0): - """ - convert psf pixels to physical position - - Parameters: - nrows, ncols (int, int): psf sampling with [nrows, ncols]. - cenPosRow, cenPosCol (float, float): A physical position of the chief ray for a given psf. - pixSizeInMicrons (float-optional): The pixel size in microns from the psf sampling. - - Returns: - psfPixelPos (numpy.array-float): [posx, posy] in mm for [irow, icol] - - Notes: - 1. show positions on ccd, but not position on image only [+/- dy] - """ - psfPixelPos = np.zeros([2, nrows, ncols]) - if nrows % 2 != 0: - sys.exit() - if ncols % 2 != 0: - sys.exit() - - cenPix_row = nrows/2 + 1 #中心主光线对应pixle [由长光定义] - cenPix_col = ncols/2 + 1 - - for irow in range(nrows): - for icol in range(ncols): - delta_row = ((irow + 1) - cenPix_row)*pixSizeInMicrons*1e-3 - delta_col = ((icol + 1) - cenPix_col)*pixSizeInMicrons*1e-3 - psfPixelPos[0, irow, icol] = cenPosCol + delta_col - psfPixelPos[1, irow, icol] = cenPosRow - delta_row #note-1:in CCD全局坐标 - - return psfPixelPos - - -###查找最大pixel位置### -def findMaxPix(img): - """ - get the pixel position of the maximum-value - - Parameters: - img (numpy.array-float): image - - Returns: - imgMaxPix_x, imgMaxPix_y (int, int): pixel position in columns & rows - """ - maxIndx = np.argmax(img) - maxIndx = np.unravel_index(maxIndx, np.array(img).shape) - imgMaxPix_x = maxIndx[1] - imgMaxPix_y = maxIndx[0] - - return imgMaxPix_x, imgMaxPix_y - - -###查找neighbors位置### -def findNeighbors(tx, ty, px, py, dr=0.1, dn=1, OnlyDistance=True): - """ - find nearest neighbors by 2D-KDTree - - Parameters: - tx, ty (float, float): a given position - px, py (numpy.array, numpy.array): position data for tree - dr (float-optional): distance - dn (int-optional): nearest-N - OnlyDistance (bool-optional): only use distance to find neighbors. Default: True - - Returns: - dataq (numpy.array): index - """ - datax = px - datay = py - tree = spatial.KDTree(list(zip(datax.ravel(), datay.ravel()))) - - dataq=[] - rr = dr - if OnlyDistance == True: - dataq = tree.query_ball_point([tx, ty], rr) - if OnlyDistance == False: - while len(dataq) < dn: - dataq = tree.query_ball_point([tx, ty], rr) - rr += dr - dd = np.hypot(datax[dataq]-tx, datay[dataq]-ty) - ddSortindx = np.argsort(dd) - dataq = np.array(dataq)[ddSortindx[0:dn]] - return dataq - -###查找neighbors位置-hoclist### -def hocBuild(partx, party, nhocx, nhocy, dhocx, dhocy): - if np.max(partx) > nhocx*dhocx: - print('ERROR') - sys.exit() - if np.max(party) > nhocy*dhocy: - print('ERROR') - sys.exit() - - npart = partx.size - hoclist= np.zeros(npart, dtype=np.int32)-1 - hoc = np.zeros([nhocy, nhocx], dtype=np.int32)-1 - for ipart in range(npart): - ix = int(partx[ipart]/dhocx) - iy = int(party[ipart]/dhocy) - hoclist[ipart] = hoc[iy, ix] - hoc[iy, ix] = ipart - return hoc, hoclist - -def hocFind(px, py, dhocx, dhocy, hoc, hoclist): - ix = int(px/dhocx) - iy = int(py/dhocy) - - neigh=[] - it = hoc[iy, ix] - while it != -1: - neigh.append(it) - it = hoclist[it] - return neigh - -def findNeighbors_hoclist(px, py, tx=None,ty=None, dn=4, hoc=None, hoclist=None): - nhocy = nhocx = 20 - - pxMin = np.min(px) - pxMax = np.max(px) - pyMin = np.min(py) - pyMax = np.max(py) - - dhocx = (pxMax - pxMin)/(nhocx-1) - dhocy = (pyMax - pyMin)/(nhocy-1) - partx = px - pxMin +dhocx/2 - party = py - pyMin +dhocy/2 - - if hoc is None: - hoc, hoclist = hocBuild(partx, party, nhocx, nhocy, dhocx, dhocy) - return hoc, hoclist - - if hoc is not None: - tx = tx - pxMin +dhocx/2 - ty = ty - pyMin +dhocy/2 - itx = int(tx/dhocx) - ity = int(ty/dhocy) - - ps = [-1, 0, 1] - neigh=[] - for ii in range(3): - for jj in range(3): - ix = itx + ps[ii] - iy = ity + ps[jj] - if ix < 0: - continue - if iy < 0: - continue - if ix > nhocx-1: - continue - if iy > nhocy-1: - continue - - #neightt = myUtil.hocFind(ppx, ppy, dhocx, dhocy, hoc, hoclist) - it = hoc[iy, ix] - while it != -1: - neigh.append(it) - it = hoclist[it] - #neigh.append(neightt) - #ll = [i for k in neigh for i in k] - if dn != -1: - ptx = np.array(partx[neigh]) - pty = np.array(party[neigh]) - dd = np.hypot(ptx-tx, pty-ty) - idx = np.argsort(dd) - neigh= np.array(neigh)[idx[0:dn]] - return neigh - - - -###PSF中心对齐### -def psfCentering(img, apSizeInArcsec=0.5, psfSampleSizeInMicrons=5, focalLengthInMeters=28, CenteringMode=1): - """ - centering psf within an aperture - - Parameters: - img (numpy.array): image - apSizeInArcsec (float-optional): aperture size in arcseconds. - psfSampleSizeInMicrons (float-optional): psf pixel size in microns. - focalLengthInMeters (float-optional): csst focal length im meters. - CenteringMode (int-optional): how to center psf images - - Returns: - imgT (numpy.array) - """ - if CenteringMode == 1: - imgMaxPix_x, imgMaxPix_y = findMaxPix(img) - if CenteringMode == 2: - y,x = ndimage.center_of_mass(img) #y-rows, x-cols - imgMaxPix_x = int(x) - imgMaxPix_y = int(y) - apSizeInMicrons = np.deg2rad(apSizeInArcsec/3600.)*focalLengthInMeters*1e6 - apSizeInPix = apSizeInMicrons/psfSampleSizeInMicrons - apSizeInPix = np.int(np.ceil(apSizeInPix)) - imgT = np.zeros_like(img) - ngy, ngx = img.shape - cy = int(ngy/2) - cx = int(ngx/2) - imgT[cy-apSizeInPix:cy+apSizeInPix+1, - cx-apSizeInPix:cx+apSizeInPix+1] = \ - img[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] - return imgT - - -###插值对齐-fft### -def psfCentering_FFT(image): - """ - centering psf within an aperture by FFT - """ - ny, nx = image.shape - py, px = ndimage.center_of_mass(image) - dx = (px - nx/2) - dy = (py - ny/2) - k=np.zeros((nx,ny,2),dtype=float) - fg=np.fft.fft2(image) - ge =np.zeros_like(fg) - - inx = int(nx/2) - jny = int(ny/2) - #prepare for the phase multiply matrix - #left bottom - for i in range(inx+1): - for j in range(jny+1): - k[i][j][0]=i; - k[i][j][1]=j; - #top right - for i in range(inx-1): - for j in range(jny-1): - k[i+inx+1][j+jny+1][0]=(-(nx/2-1)+i) - k[i+inx+1][j+jny+1][1]=(-(ny/2-1)+j) - #bottom right - for i in range(inx+1): - for j in range(jny-1): - k[i][j+jny+1][0]=i - k[i][j+jny+1][1]=(-(ny/2-1)+j) - #top left - for i in range(inx-1): - for j in range(int(jny+1)): - k[i+inx+1][j][0]=(-(nx/2-1)+i) - k[i+inx+1][j][1]=j - for i in range(nx): - for j in range(ny): - ge[i][j]=fg[i][j]*np.exp(2.*np.pi*(dx*k[i][j][0]/nx+dy*k[i][j][1]/ny)*1j) - get=np.fft.ifft2(ge).real - return(get) - - -###图像叠加### -def psfStack(*psfMat): - """ - stacked image from the different psfs - - Parameters: - *psfMat (numpy.array): the different psfs for stacking - - Returns: - img (numpy.array): image - """ - nn = len(psfMat) - img = np.zeros_like(psfMat[0]) - for ii in range(nn): - img += psfMat[ii]/np.sum(psfMat[ii]) - img /= np.sum(img) - return img - - -###计算PSF椭率-接口### -def psfSizeCalculator(psfMat, psfSampleSize=2.5, CalcPSFcenter=True, SigRange=True, TailorScheme=2, cenPix=None): - """ - calculate psf size & ellipticity - - Parameters: - psfMat (numpy.array): image - psfSampleSize (float-optional): psf size in microns. - CalcPSFcenter (bool-optional): whether calculate psf center. Default: True - SigRange (bool-optional): whether use psf tailor. Default: False - TailorScheme (int-optional): which method for psf tailor. Default: 1 - Returns: - cenX, cenY (float, float): the pixel position of the mass center - sz (float): psf size - e1, e2 (float, float): psf ellipticity - REE80 (float): radius of REE80 in arcseconds - """ - psfSampleSize = psfSampleSize*1e-3 #mm - - REE80 = -1.0 ##encircling 80% energy - if SigRange is True: - if TailorScheme == 1: - psfMat = imSigRange(psfMat, fraction=0.80) - psfInfo['psfMat'] = psfMat #set on/off - if TailorScheme == 2: - #img = psfTailor(psfMat, apSizeInArcsec=0.5) - imgX, REE80 = psfEncircle(psfMat, cenPix=cenPix) - #psfMat = img - REE80 = REE80[0] - - if CalcPSFcenter is True: - img = psfMat/np.sum(psfMat) - y,x = ndimage.center_of_mass(img) #y-rows, x-cols - cenX = x - cenY = y - if CalcPSFcenter is False: - cenPix_X = psfMat.shape[1]/2 #90 - cenPix_Y = psfMat.shape[0]/2 #90 - cenX = cenPix_X + psfInfo['centroid_x']/psfSampleSize - cenY = cenPix_Y - psfInfo['centroid_y']/psfSampleSize - - pixSize = 1 - sz, e1, e2 = psfSecondMoments(psfMat, cenX, cenY, pixSize=pixSize) - - return cenX, cenY, sz, e1, e2, REE80 - - -###计算PSF椭率### -def psfSecondMoments(psfMat, cenX, cenY, pixSize=1): - """ - estimate the psf ellipticity by the second moment of surface brightness - - Parameters: - psfMat (numpy.array-float): image - cenX, cenY (float, float): pixel position of the psf center - pixSize (float-optional): pixel size - - Returns: - sz (float): psf size - e1, e2 (float, float): psf ellipticity - """ - apr = 0.5 #arcsec, 0.5角秒内测量 - fl = 28. #meters - pxs = 5.0 #microns - apr = np.deg2rad(apr/3600.)*fl*1e6 - apr = apr/pxs - apr = np.int(np.ceil(apr)) - - I = psfMat - ncol = I.shape[1] - nrow = I.shape[0] - w = 0.0 - w11 = 0.0 - w12 = 0.0 - w22 = 0.0 - for icol in range(ncol): - for jrow in range(nrow): - x = icol*pixSize - cenX - y = jrow*pixSize - cenY - rr = np.sqrt(x*x + y*y) - wgt= 0.0 - if rr <= apr: - wgt = 1.0 - w += I[jrow, icol]*wgt - w11 += x*x*I[jrow, icol]*wgt - w12 += x*y*I[jrow, icol]*wgt - w22 += y*y*I[jrow, icol]*wgt - w11 /= w - w12 /= w - w22 /= w - sz = w11 + w22 - e1 = (w11 - w22)/sz - e2 = 2.0*w12/sz - - return sz, e1, e2 - - -###计算REE80### -def psfEncircle(img, fraction=0.8, psfSampleSizeInMicrons=2.5, focalLengthInMeters=28, cenPix=None): - """ - psf tailor within a given percentage. - - Parameters: - img (numpy.array-float): image - fraction (float-optional): a percentage for psf tailor. - psfSampleSizeInMicrons (float-optional): psf pixel size in microns. - focalLengthInMeters (float-optional): csst focal length im meters. - Returns: - img*wgt (numpy.array-float): image - REE80 (float): radius of REE80 in arcseconds. - """ - #imgMaxPix_x, imgMaxPix_y = findMaxPix(img) - y,x = ndimage.center_of_mass(img) #y-rows, x-cols - imgMaxPix_x = x #int(x) - imgMaxPix_y = y #int(y) - if cenPix != None: - imgMaxPix_x = cenPix[0] - imgMaxPix_y = cenPix[1] - - im1 = img.copy() - im1size = im1.shape - - dis = np.zeros_like(img) - for irow in range(im1size[0]): - for icol in range(im1size[1]): - dx = icol - imgMaxPix_x - dy = irow - imgMaxPix_y - dis[irow, icol] = np.hypot(dx, dy) - - nn = im1size[1]*im1size[0] - disX = dis.reshape(nn) - disXsortId = np.argsort(disX) - - imgX = img.reshape(nn) - imgY = imgX[disXsortId] - psfFrac = np.cumsum(imgY)/np.sum(imgY) - ind = np.where(psfFrac > fraction)[0][0] - - wgt = np.ones_like(dis) - #wgt[np.where(dis > dis[np.where(img == imgY[ind])])] = 0 - - REE80 = np.rad2deg(dis[np.where(img == imgY[ind])]*psfSampleSizeInMicrons*1e-6/focalLengthInMeters)*3600 - return img*wgt, REE80 - - -###图像能量百分比查找### -def imSigRange(img, fraction=0.80): - """ - extract the image within x-percent (DISCARD) - - Parameters: - img (numpy.array-float): image - fraction (float-optional): a percentage - - Returns: - im1 (numpy.array-float): image - """ - im1 = img.copy() - im1size = im1.shape - im2 = np.sort(im1.reshape(im1size[0]*im1size[1])) - im2 = im2[::-1] - im3 = np.cumsum(im2)/np.sum(im2) - loc = np.where(im3 > fraction) - #print(im3[loc[0][0]], im2[loc[0][0]]) - im1[np.where(im1 <= im2[loc[0][0]])]=0 - - return im1 - - -###孔径内图像裁剪### -def psfTailor(img, apSizeInArcsec=0.5, psfSampleSizeInMicrons=5, focalLengthInMeters=28, cenPix=None): - """ - psf tailor within a given aperture size - - Parameters: - img (numpy.array-float): image - apSizeInArcsec (float-optional): aperture size in arcseconds. - psfSampleSizeInMicrons (float-optional): psf pixel size in microns. - focalLengthInMeters (float-optional): csst focal length im meters. - Returns: - imgT (numpy.array-float): image - """ - #imgMaxPix_x, imgMaxPix_y = findMaxPix(img) - y,x = ndimage.center_of_mass(img) #y-rows, x-cols - imgMaxPix_x = int(x) - imgMaxPix_y = int(y) - if cenPix != None: - imgMaxPix_x = int(cenPix[0]) - imgMaxPix_y = int(cenPix[1]) - - apSizeInMicrons = np.deg2rad(apSizeInArcsec/3600.)*focalLengthInMeters*1e6 - apSizeInPix = apSizeInMicrons/psfSampleSizeInMicrons - apSizeInPix = np.int(np.ceil(apSizeInPix)) - print('apSizeInPix=',apSizeInPix) - imgT = np.zeros_like(img) - imgT[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] = \ - img[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] - return imgT - - -###centroid with a window### -def centroidWgt(img, nt=160): - #libCentroid = ctypes.CDLL('/public/home/weichengliang/lnData/CSST_new_framwork/csstPSF/libCentroid/libCentroid.so') # CDLL加载库 - libCentroid = ctypes.CDLL('/public/home/weichengliang/lnData/CSST_new_framwork/csstPSF_20210108/libCentroid/libCentroid.so') # CDLL加载库 - libCentroid.centroidWgt.argtypes = [ctypes.POINTER(ctypes.c_float), ctypes.c_int, ctypes.c_int, ctypes.POINTER(ctypes.c_double)] - libCentroid.imSplint.argtypes = [ctypes.POINTER(ctypes.c_float), ctypes.c_int, ctypes.c_int, ctypes.POINTER(ctypes.c_double), ctypes.c_int, ctypes.c_int, ctypes.POINTER(ctypes.c_float)] - - imx = img/np.sum(img) - ny, nx = imx.shape - - #imx centroid - nn = nx*ny - arr = (ctypes.c_float*nn)() - arr[:] = imx.reshape(nn) - para = (ctypes.c_double*10)() - libCentroid.centroidWgt(arr, ny, nx, para) - imx_cy = para[3] #irow - imx_cx = para[4] #icol - - #imx -> imy - nxt=nyt=nt - nn=nxt*nyt - yat = (ctypes.c_float*nn)() - libCentroid.imSplint(arr, ny, nx, para, nxt, nyt, yat) - imy = np.array(yat[:]).reshape([nxt, nyt]) - - return imy, imx_cx, imx_cy - -''' -def psfCentering_wgt(ipsfMat, psf_image_x, psf_image_y, psfSampleSizeInMicrons=5.0): - img, cx, cy = centroidWgt(ipsfMat, nt=160) - - nrows, ncols = ipsfMat.shape - cyt = (cy + nrows/2)*psfSampleSizeInMicrons*1e-3 +psf_image_y - cxt = (cx + ncols/2)*psfSampleSizeInMicrons*1e-3 +psf_image_x - return img, cxt, cyt -''' - - - - -###binning image### -def binningPSF(img, ngg): - imgX = img.reshape(ngg, img.shape[0]//ngg, ngg, img.shape[1]//ngg).mean(-1).mean(1) - return imgX - - - - - diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__init__.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__init__.py deleted file mode 100644 index b04c4579476d6210d6071fd1fa8fc5c5a87bb886..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__init__.py +++ /dev/null @@ -1 +0,0 @@ -from .PSFInterp import PSFInterp \ No newline at end of file diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__pycache__/PSFConfig.cpython-37.pyc b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__pycache__/PSFConfig.cpython-37.pyc deleted file mode 100644 index cc0e9bfe56d95a888f852ac6dde70ffc950929b7..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__pycache__/PSFConfig.cpython-37.pyc and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__pycache__/PSFConfig.cpython-38.pyc b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__pycache__/PSFConfig.cpython-38.pyc deleted file mode 100644 index 4d3e04707cc65b7598c86eb9d55de224bcfd1b3d..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__pycache__/PSFConfig.cpython-38.pyc and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__pycache__/PSFInterp.cpython-38.pyc b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__pycache__/PSFInterp.cpython-38.pyc deleted file mode 100644 index fac85c30d10734b1b073a61e99a6fe2047ba489e..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__pycache__/PSFInterp.cpython-38.pyc and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__pycache__/PSFUtil.cpython-37.pyc b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__pycache__/PSFUtil.cpython-37.pyc deleted file mode 100644 index b4bcdf22aeeba74c04062d529edd97f0259f77da..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__pycache__/PSFUtil.cpython-37.pyc and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__pycache__/PSFUtil.cpython-38.pyc b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__pycache__/PSFUtil.cpython-38.pyc deleted file mode 100644 index a3d369e93ff09d8df7c110a8dd04a1035002b487..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__pycache__/PSFUtil.cpython-38.pyc and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__pycache__/__init__.cpython-38.pyc b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__pycache__/__init__.cpython-38.pyc deleted file mode 100644 index c79ed8642797ec01851c7eb7dffffa7854a70e2f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/__pycache__/__init__.cpython-38.pyc and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/.DS_Store b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/.DS_Store deleted file mode 100644 index caaee6fc555e9ca8353e0f0b35ec79234dbd3595..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/.DS_Store and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/Makefile b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/Makefile deleted file mode 100644 index b323bdc6a1e10c0ba2bc2e4ddd1731d2c65b79fe..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/Makefile +++ /dev/null @@ -1,32 +0,0 @@ -#OPTS += -D - -CC = gcc -OPTIMIZE = -fPIC -g -O3 #-Wall -wd981 #-wd1419 -wd810 -#GSLI = -I/home/alex/opt/gsl/include -#GSLL = -L/home/alex/opt/gsl/lib -lgsl -lgslcblas -#FFTWI = -I/home/alex/opt/fftw/include -#FFTWL = -L/home/alex/opt/fftw/lib -lfftw3 -lfftw3f -#HDF5I = -I/home/alex/opt/hdf5/include -#HDF5L = -L/home/alex/opt/hdf5/lib -lhdf5_hl -lhdf5 -#FITSI = -I/home/alex/opt/cfitsio/include -#FITSL = -L/home/alex/opt/cfitsio/lib -lcfitsio -#EXTRACFLAGS = -#EXTRACLIB = - -CLINK=$(CC) -CFLAGS=$(OPTIMIZE) #$(EXTRACFLAGS) $(OPTS) -CLIB= -shared -lm #$(EXTRACLIB) - -OBJS = centroidWgt.o nrutil.o - -EXEC = libCentroid.so -all: $(EXEC) - -$(EXEC): $(OBJS) - $(CLINK) $(CFLAGS) -o $@ $(OBJS) $(CLIB) - -$(OBJS): nrutil.h Makefile - -.PHONY : clean -clean: - rm -f *.o $(EXEC) diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/centroidWgt.c b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/centroidWgt.c deleted file mode 100644 index a5d945d5800cf076508737248434bef607efdee3..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/centroidWgt.c +++ /dev/null @@ -1,315 +0,0 @@ -#include -#include -#include -#include "nrutil.h" - -//y is the input image, nx and ny are the pixels along x and y axis; -//yt and residu are the required matrix for the function -//para contains the needed parameters: centx=para[3], centy=para[4] - - -void star_gaus(float **y,int nx,int ny,double *para); - -void Interp_bicubic(int nx,int ny,float **a0,int nbound, int nxt,int nyt, float **at,double *xcen); -void splie2(float **ya, int m, int n, float **y2a); -void spline(float y[], int n, float yp1, float ypn, float y2[]); -void splint(float ya[], float y2a[], int n, float x, float *y); - - -void centroidWgt(float *y, int nx, int ny, double *para) -{ - int i, j, k; - float **yy; - double **basef; - double **coff; - double ccol, crow; - - yy = matrix(0, nx-1, 0, ny-1); - for(i=0; iy[i])ymin=y[i]; - - } - kc=ymax;kd=ymax/12.; - det=ysigma=kc*exp(-0.5); - for(i=0;i0){ - for(j=-4;j<=4;j++){ - sigma=sigmac+j*sigmad; - if(sigma>0){ - sigma2v=-1./(2.*sigma*sigma); - for(p=-4;p<=4;p++){ - xt=xc+p*xd; - for(q=-4;q<=4;q++){ - yt=yc+q*yd; - k2=0; - if(fbg==0){ - bg=bg0; - for(m=0;m -//#include -//#include -//#include "nrutil.h" -//nx,ny is the pixels of x and y direction -//a0 is the input image in nx*ny -//nbound is the boundary limit -//nxt,nyt is out put image dimentions -//at is the output image and cen represent the required center -void Interp_bicubic(int nx,int ny,float **a0,int nbound, - int nxt,int nyt, float **at,double *xcen) -{ - - void splie2(float **ya, int m, int n, float **y2a); - void spline(float y[], int n, float yp1, float ypn, float y2[]); - void splint(float ya[], float y2a[], int n, float x, float *y); - int i,j,m,n,ic,jc; - float *ytmp,*yytmp,**y2a,x1,x2,shift1,shift2; - y2a=matrix(0,nx,0,ny); - ytmp=vector(0,ny); - yytmp=vector(0,ny); - splie2(a0,nx,ny,y2a); - ic=nx*0.5; - jc=ny*0.5; - shift1=xcen[0]-ic;//-0.5; - shift2=xcen[1]-jc;//-0.5; - if(fabs(shift1)>nbound || fabs(shift2)>nbound){ - printf("bicubic shifts too much %e %e\n",shift1,shift2); - getchar(); - } - for (n=0;n 0.99e30) - y2[0]=u[0]=0.0; - else { - y2[0] = -0.5; - u[0]=3.0*(y[1]-y[0]-yp1); - } - sig=0.5; - for (i=1;i<=n-2;i++) { - p=sig*y2[i-1]+2.0; - y2[i]=(sig-1.0)/p; - u[i]=(y[i+1]-2.*y[i]+y[i-1]); - u[i]=(3.0*u[i]-sig*u[i-1])/p; - } - if (ypn > 0.99e30) - qn=un=0.0; - else { - qn=0.5; - un=3.0*(ypn-y[n-1]+y[n-2]); - } - y2[n-1]=(un-qn*u[n-2])/(qn*y2[n-2]+1.0); - for (k=n-2;k>=0;k--)y2[k]=y2[k]*y2[k+1]+u[k]; - free_vector(u,0,n-1); -} -void splint(float ya[], float y2a[], int n, float x, float *y) -{ - void nrerror(char error_text[]); - int klo,khi,k; - float h,b,a; - - klo=x; -if( klo<0)klo=0; -if(klo==n-1)klo=n-2; - khi=klo+1; - if (klo<0 || khi>=n) printf("error:klo, khi, n: %d %d %d\n", klo, khi, n); - if (klo<0 || khi>=n) nrerror("Bad xa input to routine splint"); - a=(khi-x); - b=(x-klo); - *y=a*ya[klo]+b*ya[khi]+((a*a*a-a)*y2a[klo]+(b*b*b-b)*y2a[khi])/6.0; -} - - diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/centroidWgt.o b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/centroidWgt.o deleted file mode 100644 index 9156c21cc36e739703d4679de798e49a0c1aa8e2..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/centroidWgt.o and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/libCentroid.so b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/libCentroid.so deleted file mode 100755 index da556d869d7497f73a94d474fda2447830b27e94..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/libCentroid.so and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/nrutil.c b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/nrutil.c deleted file mode 100644 index 05bcdeca46be8371d77ccd36c0c6b7ae4242baae..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/nrutil.c +++ /dev/null @@ -1,769 +0,0 @@ -#if defined(__STDC__) || defined(ANSI) || defined(NRANSI) /* ANSI */ - -#include -#include -#include -#define NR_END 1 -#define FREE_ARG char* - -void nrerror(char error_text[]) -/* Numerical Recipes standard error handler */ -{ - fprintf(stderr,"Numerical Recipes run-time error...\n"); - fprintf(stderr,"%s\n",error_text); - fprintf(stderr,"...now exiting to system...\n"); - exit(1); -} - -float *vector(long nl, long nh) -/* allocate a float vector with subscript range v[nl..nh] */ -{ - float *v; - - v=(float *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(float))); - if (!v) nrerror("allocation failure in vector()"); - return v-nl+NR_END; -} - -int *ivector(long nl, long nh) -/* allocate an int vector with subscript range v[nl..nh] */ -{ - int *v; - - v=(int *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(int))); - if (!v) nrerror("allocation failure in ivector()"); - return v-nl+NR_END; -} - -unsigned char *cvector(long nl, long nh) -/* allocate an unsigned char vector with subscript range v[nl..nh] */ -{ - unsigned char *v; - - v=(unsigned char *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(unsigned char))); - if (!v) nrerror("allocation failure in cvector()"); - return v-nl+NR_END; -} - -unsigned long *lvector(long nl, long nh) -/* allocate an unsigned long vector with subscript range v[nl..nh] */ -{ - unsigned long *v; - - v=(unsigned long *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(long))); - if (!v) nrerror("allocation failure in lvector()"); - return v-nl+NR_END; -} - -double *dvector(long nl, long nh) -/* allocate a double vector with subscript range v[nl..nh] */ -{ - double *v; - - v=(double *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(double))); - if (!v) nrerror("allocation failure in dvector()"); - return v-nl+NR_END; -} - -float **matrix(long nrl, long nrh, long ncl, long nch) -/* allocate a float matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((size_t)((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(float *) malloc((size_t)((nrow*ncol+NR_END)*sizeof(float))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -double **dmatrix(long nrl, long nrh, long ncl, long nch) -/* allocate a double matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - double **m; - - /* allocate pointers to rows */ - m=(double **) malloc((size_t)((nrow+NR_END)*sizeof(double*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(double *) malloc((size_t)((nrow*ncol+NR_END)*sizeof(double))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -int **imatrix(long nrl, long nrh, long ncl, long nch) -/* allocate a int matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - int **m; - - /* allocate pointers to rows */ - m=(int **) malloc((size_t)((nrow+NR_END)*sizeof(int*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - - /* allocate rows and set pointers to them */ - m[nrl]=(int *) malloc((size_t)((nrow*ncol+NR_END)*sizeof(int))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **submatrix(float **a, long oldrl, long oldrh, long oldcl, long oldch, - long newrl, long newcl) -/* point a submatrix [newrl..][newcl..] to a[oldrl..oldrh][oldcl..oldch] */ -{ - long i,j,nrow=oldrh-oldrl+1,ncol=oldcl-newcl; - float **m; - - /* allocate array of pointers to rows */ - m=(float **) malloc((size_t) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in submatrix()"); - m += NR_END; - m -= newrl; - - /* set pointers to rows */ - for(i=oldrl,j=newrl;i<=oldrh;i++,j++) m[j]=a[i]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **convert_matrix(float *a, long nrl, long nrh, long ncl, long nch) -/* allocate a float matrix m[nrl..nrh][ncl..nch] that points to the matrix -declared in the standard C manner as a[nrow][ncol], where nrow=nrh-nrl+1 -and ncol=nch-ncl+1. The routine should be called with the address -&a[0][0] as the first argument. */ -{ - long i,j,nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((size_t) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in convert_matrix()"); - m += NR_END; - m -= nrl; - - /* set pointers to rows */ - m[nrl]=a-ncl; - for(i=1,j=nrl+1;i -#define NR_END 1 -#define FREE_ARG char* - -void nrerror(error_text) -char error_text[]; -/* Numerical Recipes standard error handler */ -{ - void exit(); - - fprintf(stderr,"Numerical Recipes run-time error...\n"); - fprintf(stderr,"%s\n",error_text); - fprintf(stderr,"...now exiting to system...\n"); - exit(1); -} - -float *vector(nl,nh) -long nh,nl; -/* allocate a float vector with subscript range v[nl..nh] */ -{ - float *v; - - v=(float *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(float))); - if (!v) nrerror("allocation failure in vector()"); - return v-nl+NR_END; -} - -int *ivector(nl,nh) -long nh,nl; -/* allocate an int vector with subscript range v[nl..nh] */ -{ - int *v; - - v=(int *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(int))); - if (!v) nrerror("allocation failure in ivector()"); - return v-nl+NR_END; -} - -unsigned char *cvector(nl,nh) -long nh,nl; -/* allocate an unsigned char vector with subscript range v[nl..nh] */ -{ - unsigned char *v; - - v=(unsigned char *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(unsigned char))); - if (!v) nrerror("allocation failure in cvector()"); - return v-nl+NR_END; -} - -unsigned long *lvector(nl,nh) -long nh,nl; -/* allocate an unsigned long vector with subscript range v[nl..nh] */ -{ - unsigned long *v; - - v=(unsigned long *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(long))); - if (!v) nrerror("allocation failure in lvector()"); - return v-nl+NR_END; -} - -double *dvector(nl,nh) -long nh,nl; -/* allocate a double vector with subscript range v[nl..nh] */ -{ - double *v; - - v=(double *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(double))); - if (!v) nrerror("allocation failure in dvector()"); - return v-nl+NR_END; -} - -float **matrix(nrl,nrh,ncl,nch) -long nch,ncl,nrh,nrl; -/* allocate a float matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((unsigned int)((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(float *) malloc((unsigned int)((nrow*ncol+NR_END)*sizeof(float))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -double **dmatrix(nrl,nrh,ncl,nch) -long nch,ncl,nrh,nrl; -/* allocate a double matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - double **m; - - /* allocate pointers to rows */ - m=(double **) malloc((unsigned int)((nrow+NR_END)*sizeof(double*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(double *) malloc((unsigned int)((nrow*ncol+NR_END)*sizeof(double))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -int **imatrix(nrl,nrh,ncl,nch) -long nch,ncl,nrh,nrl; -/* allocate a int matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - int **m; - - /* allocate pointers to rows */ - m=(int **) malloc((unsigned int)((nrow+NR_END)*sizeof(int*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - - /* allocate rows and set pointers to them */ - m[nrl]=(int *) malloc((unsigned int)((nrow*ncol+NR_END)*sizeof(int))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **submatrix(a,oldrl,oldrh,oldcl,oldch,newrl,newcl) -float **a; -long newcl,newrl,oldch,oldcl,oldrh,oldrl; -/* point a submatrix [newrl..][newcl..] to a[oldrl..oldrh][oldcl..oldch] */ -{ - long i,j,nrow=oldrh-oldrl+1,ncol=oldcl-newcl; - float **m; - - /* allocate array of pointers to rows */ - m=(float **) malloc((unsigned int) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in submatrix()"); - m += NR_END; - m -= newrl; - - /* set pointers to rows */ - for(i=oldrl,j=newrl;i<=oldrh;i++,j++) m[j]=a[i]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **convert_matrix(a,nrl,nrh,ncl,nch) -float *a; -long nch,ncl,nrh,nrl; -/* allocate a float matrix m[nrl..nrh][ncl..nch] that points to the matrix -declared in the standard C manner as a[nrow][ncol], where nrow=nrh-nrl+1 -and ncol=nch-ncl+1. The routine should be called with the address -&a[0][0] as the first argument. */ -{ - long i,j,nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((unsigned int) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in convert_matrix()"); - m += NR_END; - m -= nrl; - - /* set pointers to rows */ - m[nrl]=a-ncl; - for(i=1,j=nrl+1;i (dmaxarg2) ?\ - (dmaxarg1) : (dmaxarg2)) - -static double dminarg1,dminarg2; -#define DMIN(a,b) (dminarg1=(a),dminarg2=(b),(dminarg1) < (dminarg2) ?\ - (dminarg1) : (dminarg2)) - -static float maxarg1,maxarg2; -#define FMAX(a,b) (maxarg1=(a),maxarg2=(b),(maxarg1) > (maxarg2) ?\ - (maxarg1) : (maxarg2)) - -static float minarg1,minarg2; -#define FMIN(a,b) (minarg1=(a),minarg2=(b),(minarg1) < (minarg2) ?\ - (minarg1) : (minarg2)) - -static long lmaxarg1,lmaxarg2; -#define LMAX(a,b) (lmaxarg1=(a),lmaxarg2=(b),(lmaxarg1) > (lmaxarg2) ?\ - (lmaxarg1) : (lmaxarg2)) - -static long lminarg1,lminarg2; -#define LMIN(a,b) (lminarg1=(a),lminarg2=(b),(lminarg1) < (lminarg2) ?\ - (lminarg1) : (lminarg2)) - -static int imaxarg1,imaxarg2; -#define IMAX(a,b) (imaxarg1=(a),imaxarg2=(b),(imaxarg1) > (imaxarg2) ?\ - (imaxarg1) : (imaxarg2)) - -static int iminarg1,iminarg2; -#define IMIN(a,b) (iminarg1=(a),iminarg2=(b),(iminarg1) < (iminarg2) ?\ - (iminarg1) : (iminarg2)) - -#define SIGN(a,b) ((b) >= 0.0 ? fabs(a) : -fabs(a)) - -void nrerror(char error_text[]); -float *vector(long nl, long nh); -int *ivector(long nl, long nh); -unsigned char *cvector(long nl, long nh); -unsigned long *lvector(long nl, long nh); -double *dvector(long nl, long nh); -float **matrix(long nrl, long nrh, long ncl, long nch); -double **dmatrix(long nrl, long nrh, long ncl, long nch); -int **imatrix(long nrl, long nrh, long ncl, long nch); -float **submatrix(float **a, long oldrl, long oldrh, long oldcl, long oldch, - long newrl, long newcl); -float **convert_matrix(float *a, long nrl, long nrh, long ncl, long nch); -float ***f3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_vector(float *v, long nl, long nh); -void free_ivector(int *v, long nl, long nh); -void free_cvector(unsigned char *v, long nl, long nh); -void free_lvector(unsigned long *v, long nl, long nh); -void free_dvector(double *v, long nl, long nh); -void free_matrix(float **m, long nrl, long nrh, long ncl, long nch); -void free_dmatrix(double **m, long nrl, long nrh, long ncl, long nch); -void free_imatrix(int **m, long nrl, long nrh, long ncl, long nch); -void free_submatrix(float **b, long nrl, long nrh, long ncl, long nch); -void free_convert_matrix(float **b, long nrl, long nrh, long ncl, long nch); -void free_f3tensor(float ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - - -int ***i3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_i3tensor(int ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - -unsigned char ***b3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_b3tensor(unsigned char ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - - - -double ***d3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_d3tensor(double ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - - - - - - - - -unsigned char **cmatrix(long nrl, long nrh, long ncl, long nch); -void free_cmatrix(unsigned char **m, long nrl, long nrh, long ncl, long nch); - - -#endif /* _NR_UTILS_H_ */ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/nrutil.o b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/nrutil.o deleted file mode 100644 index aa89368dca2e053dcc7ca8623700539ce5d7cebc..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/nrutil.o and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/testGaussian.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/testGaussian.py deleted file mode 100644 index ae5e4f7135aa71f84ce2f80118375b5e1224d5ec..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/testGaussian.py +++ /dev/null @@ -1,66 +0,0 @@ -import numpy as np -import matplotlib.pyplot as plt -import ctypes -import galsim - - -libCentroid = ctypes.CDLL('../libCentroid.so') # CDLL加载库 -print('load libCenroid') - - -libCentroid.centroidWgt.argtypes = [ctypes.POINTER(ctypes.c_float), ctypes.c_int, ctypes.c_int, ctypes.POINTER(ctypes.c_double)] - - -IMAGE_WIDTH = 180 -IMAGE_HEIGHT = 180 -dx = 0.275 -dy =-0.393 -center_x = 90+dx -center_y = 90+dy - -R = np.sqrt(center_x**2 + center_y**2) -Gauss_map = np.zeros((IMAGE_HEIGHT, IMAGE_WIDTH)) -for i in range(IMAGE_HEIGHT): - for j in range(IMAGE_WIDTH): - dis = (i-center_y)**2+(j-center_x)**2 - Gauss_map[i, j] = np.exp(-0.5*dis/R) - - -ymap = galsim.InterpolatedImage(galsim.ImageF(Gauss_map), scale=0.01) -zmap = ymap#.shear(g1 = 0.15, g2=0.27) #using shear -Gauss_map = zmap.drawImage(nx = 180, ny = 180, scale=0.01).array - - -fig=plt.figure(figsize=(5,5)) -plt.imshow(Gauss_map, origin='lower') -imx = Gauss_map/np.sum(Gauss_map) -ny,nx = imx.shape -print(nx, ny, np.max(imx)) - -nn = nx*ny -arr = (ctypes.c_float*nn)() -arr[:] = imx.reshape(nn) -para = (ctypes.c_double*10)() -libCentroid.centroidWgt(arr, ny, nx, para) - - -print('haha') -print(para[0:5]) -cx = para[3] -cy = para[4] -print('{:}'.format(cx), '{:}'.format(cy)) - -from scipy import ndimage -cx, cy = ndimage.center_of_mass(imx) -print('center_of_mass:', cx, cy) - -plt.plot(para[4], para[3], 'bx', ms = 15) -plt.plot(cy, cx, 'r+', ms = 15) -plt.annotate('dx,dy:', [10, 170], color='w') -plt.annotate('{:8.5}, {:8.5}'.format(dx, dy), [10, 160], color='w') -plt.annotate('cx, cy:', [10, 150], color='w') -plt.annotate('{:0<8.5}, {:0<8.5}'.format(center_x, center_y), [10, 140], color='w') -plt.annotate('{:0<8.5}, {:0<8.5}'.format(para[4], para[3]), [10, 130], color='w') -plt.annotate('{:0<8.5}, {:0<8.5}'.format(cy, cx), [10, 120], color='w') - -plt.show() diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/testPSFcentroid.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/testPSFcentroid.py deleted file mode 100644 index f8f8ee8b38836f79a905aacb94ac27a545e8f3d3..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/testPSFcentroid.py +++ /dev/null @@ -1,98 +0,0 @@ -import numpy as np -import matplotlib.pyplot as plt -import ctypes -import galsim - -libCentroid = ctypes.CDLL('../libCentroid.so') # CDLL加载库 -print('load libCenroid') - -libCentroid.centroidWgt.argtypes = [ctypes.POINTER(ctypes.c_float), ctypes.c_int, ctypes.c_int, ctypes.POINTER(ctypes.c_double)] -libCentroid.imSplint.argtypes = [ctypes.POINTER(ctypes.c_float), ctypes.c_int, ctypes.c_int, ctypes.POINTER(ctypes.c_double), ctypes.c_int, ctypes.c_int, ctypes.POINTER(ctypes.c_float)] - - -from scipy.io import loadmat -data = loadmat('/Users/chengliangwei/csstPSFdata/CSSOS_psf_ciomp/ccd20/wave_1/5_psf_array/psf_10.mat') -imx = data['psf'] -imx = imx/np.sum(imx) -ny,nx = imx.shape -print(nx, ny) - -#imx centroid -nn = nx*ny -arr = (ctypes.c_float*nn)() -arr[:] = imx.reshape(nn) -para = (ctypes.c_double*10)() -libCentroid.centroidWgt(arr, ny, nx, para) -imx_cx = para[3] -imx_cy = para[4] - -#imx -> imy -nxt=nyt=160 -nn=nxt*nyt -yat = (ctypes.c_float*nn)() -libCentroid.imSplint(arr, ny, nx, para, nxt, nyt, yat) -imy = np.array(yat[:]).reshape([nxt, nyt]) - -#imy centroid -libCentroid.centroidWgt(yat, nyt, nxt, para) -imy_cx = para[3] -imy_cy = para[4] - - -#plot check -fig = plt.figure(figsize=(12, 6)) - -##imx_plot -ax = plt.subplot(1,2,1) -cpix= int(nx/2) -dpix= 10 -plt.imshow(imx[cpix-dpix:cpix+dpix, cpix-dpix:cpix+dpix], origin='lower') -plt.plot(imx_cy-cpix+dpix, imx_cx-cpix+dpix, 'bx', ms = 20) - -from scipy import ndimage -cx, cy = ndimage.center_of_mass(imx) -plt.plot(cy-cpix+dpix, cx-cpix+dpix, 'r+', ms = 20) - -maxIndx = np.argmax(imx) -maxIndx = np.unravel_index(maxIndx, np.array(imx).shape) -imgMaxPix_x = maxIndx[1] -imgMaxPix_y = maxIndx[0] -apSizeInPix = 23 -imgT = np.zeros_like(imx) -imgT[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] = \ - imx[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] -cx, cy = ndimage.center_of_mass(imgT) -plt.plot(cy - cpix+dpix, cx - cpix+dpix, 'b+', ms = 15) - -##imy_plot -ax = plt.subplot(1,2,2) -cpix= int(nxt/2) -dpix= 10 -plt.imshow(imy[cpix-dpix:cpix+dpix, cpix-dpix:cpix+dpix], origin='lower') -plt.plot(imy_cy-cpix+dpix, imy_cx-cpix+dpix, 'bx', ms = 20) -plt.plot([dpix, dpix],[0,dpix],'w:') -plt.plot([0, dpix],[dpix,dpix],'w:') - -cx, cy = ndimage.center_of_mass(imy) -plt.plot(cy-cpix+dpix, cx-cpix+dpix, 'r+', ms = 20) - -maxIndx = np.argmax(imy) -maxIndx = np.unravel_index(maxIndx, np.array(imy).shape) -imgMaxPix_x = maxIndx[1] -imgMaxPix_y = maxIndx[0] -apSizeInPix = 23 -imgT = np.zeros_like(imy) -imgT[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] = \ - imy[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] -cx, cy = ndimage.center_of_mass(imgT) -plt.plot(cy - cpix+dpix, cx - cpix+dpix, 'b+', ms = 15) - - - - - -plt.show() diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/tt.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/tt.py deleted file mode 100644 index 801d87dd6823791bd8013c18fefb23c785802bfa..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/tt.py +++ /dev/null @@ -1,137 +0,0 @@ -import numpy as np -import matplotlib.pyplot as plt -import ctypes -import galsim - -libCentroid = ctypes.CDLL('../libCentroid.so') # CDLL加载库 -print('load libCenroid') - - -libCentroid.centroidWgt.argtypes = [ctypes.POINTER(ctypes.c_float), ctypes.c_int, ctypes.c_int, ctypes.POINTER(ctypes.c_double)] - -''' -IMAGE_WIDTH = 180 -IMAGE_HEIGHT = 180 -dx = 0.#275 -dy =-0.#393 -center_x = 90 +dx #89.5 #IMAGE_WIDTH/2 -0. -center_y = 90 +dy #89.5 #IMAGE_HEIGHT/2+0. - -R = np.sqrt(center_x**2 + center_y**2) -Gauss_map = np.zeros((IMAGE_HEIGHT, IMAGE_WIDTH)) -for i in range(IMAGE_HEIGHT): - for j in range(IMAGE_WIDTH): - dis = (i-center_y)**2+(j-center_x)**2 - Gauss_map[i, j] = np.exp(-0.5*dis/R) - -ymap = galsim.InterpolatedImage(galsim.ImageF(Gauss_map), scale=0.01) -zmap = ymap.shear(g1 = 0.15, g2=0.27) -Gauss_map = zmap.drawImage(nx = 180, ny = 180, scale=0.01).array - - -fig=plt.figure(figsize=(5,5)) -plt.imshow(Gauss_map, origin='lower') -imx = Gauss_map#/np.sum(Gauss_map) -ny,nx = imx.shape -print(nx, ny, np.max(imx)) -nn = nx*ny -arr = (ctypes.c_float*nn)() -arr[:] = imx.reshape(nn) -para = (ctypes.c_double*10)() -libCentroid.centroidWgt(arr, ny, nx, para) - -print('haha') -print(para[0:5]) -cx = para[3] -cy = para[4] -print('{:}'.format(cx), '{:}'.format(cy)) - -from scipy import ndimage -cx, cy = ndimage.center_of_mass(imx) -print('center_of_mass:', cx, cy) -plt.plot(para[4], para[3], 'bx', ms = 15) -plt.plot(cy, cx, 'r+', ms = 15) -plt.annotate('dx,dy:', [10, 170], color='w') -plt.annotate('{:8.5}, {:8.5}'.format(dx, dy), [10, 160], color='w') -plt.annotate('cx, cy:', [10, 150], color='w') -plt.annotate('{:0<8.5}, {:0<8.5}'.format(center_x, center_y), [10, 140], color='w') -plt.annotate('{:0<8.5}, {:0<8.5}'.format(para[4], para[3]), [10, 130], color='w') -plt.annotate('{:0<8.5}, {:0<8.5}'.format(cy, cx), [10, 120], color='w') - - -''' -from scipy.io import loadmat -data = loadmat('/Users/chengliangwei/csstPSFdata/CSSOS_psf_ciomp/ccd13/wave_1/5_psf_array/psf_10.mat') -#plt.imshow(data['psf']) -#plt.show() -imx = data['psf'] -imx = imx/np.sum(imx) -ny,nx = imx.shape -print(nx, ny) -nn = nx*ny -arr = (ctypes.c_float*nn)() -arr[:] = imx.reshape(nn) -para = (ctypes.c_double*10)() -print(arr[0:10]) -#libCentroid.centroidWgt(arr, ny, nx, para) -nxt = nyt = 160 -nn = nxt*nyt -yat = (ctypes.c_float*nn)() -libCentroid.centroidWgt(arr, ny, nx, para,nxt, nyt, yat) -mm = np.array(yat[:]).reshape([nxt, nyt]) -imx = mm - -print('haha') -print(para[0:5]) -cx = para[3] -cy = para[4] -print(cx, cy) - -fig = plt.figure(figsize=(12, 12)) -cpix = 80 -dpix = 10 -#plt.imshow(np.log10(imx[cpix-dpix:cpix+dpix, cpix-dpix:cpix+dpix]), origin='lower') -plt.imshow(imx[cpix-dpix:cpix+dpix, cpix-dpix:cpix+dpix], origin='lower') -plt.plot(cy - cpix+dpix, cx - cpix+dpix, 'bx', ms = 20) -''' -from scipy import ndimage -cx, cy = ndimage.center_of_mass(imx) -print(cx, cy) -plt.plot(cy - cpix+dpix, cx - cpix+dpix, 'r+', ms = 20) - -maxIndx = np.argmax(imx) -maxIndx = np.unravel_index(maxIndx, np.array(imx).shape) -imgMaxPix_x = maxIndx[1] -imgMaxPix_y = maxIndx[0] -apSizeInPix = 23 -imgT = np.zeros_like(imx) -imgT[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] = \ - imx[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] -cx, cy = ndimage.center_of_mass(imgT) -print(cx, cy) -plt.plot(cy - cpix+dpix, cx - cpix+dpix, 'b+', ms = 15) - - - -maxIndx = np.argmax(imx) -maxIndx = np.unravel_index(maxIndx, np.array(imx).shape) -imgMaxPix_x = maxIndx[1] -imgMaxPix_y = maxIndx[0] -apSizeInPix =5 -imgT = np.zeros_like(imx) -imgT[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] = \ - imx[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] -cx, cy = ndimage.center_of_mass(imgT) -print(cx, cy) -plt.plot(cy - cpix+dpix, cx - cpix+dpix, 'm+', ms = 10) - - - -print('maxPix:', imgMaxPix_x, imgMaxPix_y, imx[imgMaxPix_y, imgMaxPix_x]) -''' - -plt.show() diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/ttc/Makefile b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/ttc/Makefile deleted file mode 100644 index fa01070e4e09795a7bc81ec38e54d18ad53e30b1..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/ttc/Makefile +++ /dev/null @@ -1,32 +0,0 @@ -#OPTS += -D - -CC = gcc -OPTIMIZE = -fPIC -g -O3 #-Wall -wd981 #-wd1419 -wd810 -#GSLI = -I/home/alex/opt/gsl/include -#GSLL = -L/home/alex/opt/gsl/lib -lgsl -lgslcblas -#FFTWI = -I/home/alex/opt/fftw/include -#FFTWL = -L/home/alex/opt/fftw/lib -lfftw3 -lfftw3f -#HDF5I = -I/home/alex/opt/hdf5/include -#HDF5L = -L/home/alex/opt/hdf5/lib -lhdf5_hl -lhdf5 -#FITSI = -I/home/alex/opt/cfitsio/include -#FITSL = -L/home/alex/opt/cfitsio/lib -lcfitsio -#EXTRACFLAGS = -#EXTRACLIB = - -CLINK=$(CC) -CFLAGS=$(OPTIMIZE) #$(EXTRACFLAGS) $(OPTS) -CLIB= -lm #$(EXTRACLIB) - -OBJS = centroidWgt.o nrutil.o - -EXEC = centroid.X -all: $(EXEC) - -$(EXEC): $(OBJS) - $(CLINK) $(CFLAGS) -o $@ $(OBJS) $(CLIB) - -$(OBJS): nrutil.h Makefile - -.PHONY : clean -clean: - rm -f *.o $(EXEC) diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/ttc/centroid.X b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/ttc/centroid.X deleted file mode 100755 index 36aeb8ee4e74eb57994d9b900a2aa50eb3cea4e3..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/ttc/centroid.X and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/ttc/centroidWgt.c b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/ttc/centroidWgt.c deleted file mode 100644 index 6c4a0d50d8a9688127299bd14fe6fe1680589e5a..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/ttc/centroidWgt.c +++ /dev/null @@ -1,212 +0,0 @@ -#include -#include -#include -#include "nrutil.h" - -//y is the input image, nx and ny are the pixels along x and y axis; -//yt and residu are the required matrix for the function -//para contains the needed parameters: centx=para[3], centy=para[4] - - -void star_gaus(float **y,int nx,int ny,double *para); - -void main() -{ - int i, j; - int IMAGE_WIDTH, IMAGE_HEIGHT; - float center_x, center_y; - float R, dis; - float **Gauss_map; - double *para; - //double para[10]; - - IMAGE_WIDTH = 180; - IMAGE_HEIGHT = 180; - center_x = IMAGE_WIDTH/2 -0.; - center_y = IMAGE_HEIGHT/2+0.; - - R = sqrt(center_x*center_x + center_y*center_y); - //Gauss_map = np.zeros((IMAGE_HEIGHT, IMAGE_WIDTH)) - Gauss_map = matrix(0, IMAGE_HEIGHT-1, 0, IMAGE_WIDTH-1); - para = dvector(0,10); - - for(i=0; iy[i])ymin=y[i]; - - } - //printf("ymax=%e,imax=%d\n",ymax,imax); - kc=ymax;kd=ymax/12.; - det=ysigma=kc*exp(-0.5);//printf("det=%e,kc=%e\n",det,kc); - for(i=0;i0){ - for(j=-4;j<=4;j++){ - sigma=sigmac+j*sigmad; - if(sigma>0){ - sigma2v=-1./(2.*sigma*sigma); - for(p=-4;p<=4;p++){ - xt=xc+p*xd; - for(q=-4;q<=4;q++){ - yt=yc+q*yd; - k2=0; - if(fbg==0){ - bg=bg0; - for(m=0;m -#include -#include -#define NR_END 1 -#define FREE_ARG char* - -void nrerror(char error_text[]) -/* Numerical Recipes standard error handler */ -{ - fprintf(stderr,"Numerical Recipes run-time error...\n"); - fprintf(stderr,"%s\n",error_text); - fprintf(stderr,"...now exiting to system...\n"); - exit(1); -} - -float *vector(long nl, long nh) -/* allocate a float vector with subscript range v[nl..nh] */ -{ - float *v; - - v=(float *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(float))); - if (!v) nrerror("allocation failure in vector()"); - return v-nl+NR_END; -} - -int *ivector(long nl, long nh) -/* allocate an int vector with subscript range v[nl..nh] */ -{ - int *v; - - v=(int *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(int))); - if (!v) nrerror("allocation failure in ivector()"); - return v-nl+NR_END; -} - -unsigned char *cvector(long nl, long nh) -/* allocate an unsigned char vector with subscript range v[nl..nh] */ -{ - unsigned char *v; - - v=(unsigned char *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(unsigned char))); - if (!v) nrerror("allocation failure in cvector()"); - return v-nl+NR_END; -} - -unsigned long *lvector(long nl, long nh) -/* allocate an unsigned long vector with subscript range v[nl..nh] */ -{ - unsigned long *v; - - v=(unsigned long *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(long))); - if (!v) nrerror("allocation failure in lvector()"); - return v-nl+NR_END; -} - -double *dvector(long nl, long nh) -/* allocate a double vector with subscript range v[nl..nh] */ -{ - double *v; - - v=(double *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(double))); - if (!v) nrerror("allocation failure in dvector()"); - return v-nl+NR_END; -} - -float **matrix(long nrl, long nrh, long ncl, long nch) -/* allocate a float matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((size_t)((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(float *) malloc((size_t)((nrow*ncol+NR_END)*sizeof(float))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -double **dmatrix(long nrl, long nrh, long ncl, long nch) -/* allocate a double matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - double **m; - - /* allocate pointers to rows */ - m=(double **) malloc((size_t)((nrow+NR_END)*sizeof(double*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(double *) malloc((size_t)((nrow*ncol+NR_END)*sizeof(double))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -int **imatrix(long nrl, long nrh, long ncl, long nch) -/* allocate a int matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - int **m; - - /* allocate pointers to rows */ - m=(int **) malloc((size_t)((nrow+NR_END)*sizeof(int*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - - /* allocate rows and set pointers to them */ - m[nrl]=(int *) malloc((size_t)((nrow*ncol+NR_END)*sizeof(int))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **submatrix(float **a, long oldrl, long oldrh, long oldcl, long oldch, - long newrl, long newcl) -/* point a submatrix [newrl..][newcl..] to a[oldrl..oldrh][oldcl..oldch] */ -{ - long i,j,nrow=oldrh-oldrl+1,ncol=oldcl-newcl; - float **m; - - /* allocate array of pointers to rows */ - m=(float **) malloc((size_t) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in submatrix()"); - m += NR_END; - m -= newrl; - - /* set pointers to rows */ - for(i=oldrl,j=newrl;i<=oldrh;i++,j++) m[j]=a[i]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **convert_matrix(float *a, long nrl, long nrh, long ncl, long nch) -/* allocate a float matrix m[nrl..nrh][ncl..nch] that points to the matrix -declared in the standard C manner as a[nrow][ncol], where nrow=nrh-nrl+1 -and ncol=nch-ncl+1. The routine should be called with the address -&a[0][0] as the first argument. */ -{ - long i,j,nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((size_t) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in convert_matrix()"); - m += NR_END; - m -= nrl; - - /* set pointers to rows */ - m[nrl]=a-ncl; - for(i=1,j=nrl+1;i -#define NR_END 1 -#define FREE_ARG char* - -void nrerror(error_text) -char error_text[]; -/* Numerical Recipes standard error handler */ -{ - void exit(); - - fprintf(stderr,"Numerical Recipes run-time error...\n"); - fprintf(stderr,"%s\n",error_text); - fprintf(stderr,"...now exiting to system...\n"); - exit(1); -} - -float *vector(nl,nh) -long nh,nl; -/* allocate a float vector with subscript range v[nl..nh] */ -{ - float *v; - - v=(float *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(float))); - if (!v) nrerror("allocation failure in vector()"); - return v-nl+NR_END; -} - -int *ivector(nl,nh) -long nh,nl; -/* allocate an int vector with subscript range v[nl..nh] */ -{ - int *v; - - v=(int *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(int))); - if (!v) nrerror("allocation failure in ivector()"); - return v-nl+NR_END; -} - -unsigned char *cvector(nl,nh) -long nh,nl; -/* allocate an unsigned char vector with subscript range v[nl..nh] */ -{ - unsigned char *v; - - v=(unsigned char *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(unsigned char))); - if (!v) nrerror("allocation failure in cvector()"); - return v-nl+NR_END; -} - -unsigned long *lvector(nl,nh) -long nh,nl; -/* allocate an unsigned long vector with subscript range v[nl..nh] */ -{ - unsigned long *v; - - v=(unsigned long *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(long))); - if (!v) nrerror("allocation failure in lvector()"); - return v-nl+NR_END; -} - -double *dvector(nl,nh) -long nh,nl; -/* allocate a double vector with subscript range v[nl..nh] */ -{ - double *v; - - v=(double *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(double))); - if (!v) nrerror("allocation failure in dvector()"); - return v-nl+NR_END; -} - -float **matrix(nrl,nrh,ncl,nch) -long nch,ncl,nrh,nrl; -/* allocate a float matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((unsigned int)((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(float *) malloc((unsigned int)((nrow*ncol+NR_END)*sizeof(float))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -double **dmatrix(nrl,nrh,ncl,nch) -long nch,ncl,nrh,nrl; -/* allocate a double matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - double **m; - - /* allocate pointers to rows */ - m=(double **) malloc((unsigned int)((nrow+NR_END)*sizeof(double*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(double *) malloc((unsigned int)((nrow*ncol+NR_END)*sizeof(double))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -int **imatrix(nrl,nrh,ncl,nch) -long nch,ncl,nrh,nrl; -/* allocate a int matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - int **m; - - /* allocate pointers to rows */ - m=(int **) malloc((unsigned int)((nrow+NR_END)*sizeof(int*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - - /* allocate rows and set pointers to them */ - m[nrl]=(int *) malloc((unsigned int)((nrow*ncol+NR_END)*sizeof(int))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **submatrix(a,oldrl,oldrh,oldcl,oldch,newrl,newcl) -float **a; -long newcl,newrl,oldch,oldcl,oldrh,oldrl; -/* point a submatrix [newrl..][newcl..] to a[oldrl..oldrh][oldcl..oldch] */ -{ - long i,j,nrow=oldrh-oldrl+1,ncol=oldcl-newcl; - float **m; - - /* allocate array of pointers to rows */ - m=(float **) malloc((unsigned int) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in submatrix()"); - m += NR_END; - m -= newrl; - - /* set pointers to rows */ - for(i=oldrl,j=newrl;i<=oldrh;i++,j++) m[j]=a[i]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **convert_matrix(a,nrl,nrh,ncl,nch) -float *a; -long nch,ncl,nrh,nrl; -/* allocate a float matrix m[nrl..nrh][ncl..nch] that points to the matrix -declared in the standard C manner as a[nrow][ncol], where nrow=nrh-nrl+1 -and ncol=nch-ncl+1. The routine should be called with the address -&a[0][0] as the first argument. */ -{ - long i,j,nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((unsigned int) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in convert_matrix()"); - m += NR_END; - m -= nrl; - - /* set pointers to rows */ - m[nrl]=a-ncl; - for(i=1,j=nrl+1;i (dmaxarg2) ?\ - (dmaxarg1) : (dmaxarg2)) - -static double dminarg1,dminarg2; -#define DMIN(a,b) (dminarg1=(a),dminarg2=(b),(dminarg1) < (dminarg2) ?\ - (dminarg1) : (dminarg2)) - -static float maxarg1,maxarg2; -#define FMAX(a,b) (maxarg1=(a),maxarg2=(b),(maxarg1) > (maxarg2) ?\ - (maxarg1) : (maxarg2)) - -static float minarg1,minarg2; -#define FMIN(a,b) (minarg1=(a),minarg2=(b),(minarg1) < (minarg2) ?\ - (minarg1) : (minarg2)) - -static long lmaxarg1,lmaxarg2; -#define LMAX(a,b) (lmaxarg1=(a),lmaxarg2=(b),(lmaxarg1) > (lmaxarg2) ?\ - (lmaxarg1) : (lmaxarg2)) - -static long lminarg1,lminarg2; -#define LMIN(a,b) (lminarg1=(a),lminarg2=(b),(lminarg1) < (lminarg2) ?\ - (lminarg1) : (lminarg2)) - -static int imaxarg1,imaxarg2; -#define IMAX(a,b) (imaxarg1=(a),imaxarg2=(b),(imaxarg1) > (imaxarg2) ?\ - (imaxarg1) : (imaxarg2)) - -static int iminarg1,iminarg2; -#define IMIN(a,b) (iminarg1=(a),iminarg2=(b),(iminarg1) < (iminarg2) ?\ - (iminarg1) : (iminarg2)) - -#define SIGN(a,b) ((b) >= 0.0 ? fabs(a) : -fabs(a)) - -void nrerror(char error_text[]); -float *vector(long nl, long nh); -int *ivector(long nl, long nh); -unsigned char *cvector(long nl, long nh); -unsigned long *lvector(long nl, long nh); -double *dvector(long nl, long nh); -float **matrix(long nrl, long nrh, long ncl, long nch); -double **dmatrix(long nrl, long nrh, long ncl, long nch); -int **imatrix(long nrl, long nrh, long ncl, long nch); -float **submatrix(float **a, long oldrl, long oldrh, long oldcl, long oldch, - long newrl, long newcl); -float **convert_matrix(float *a, long nrl, long nrh, long ncl, long nch); -float ***f3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_vector(float *v, long nl, long nh); -void free_ivector(int *v, long nl, long nh); -void free_cvector(unsigned char *v, long nl, long nh); -void free_lvector(unsigned long *v, long nl, long nh); -void free_dvector(double *v, long nl, long nh); -void free_matrix(float **m, long nrl, long nrh, long ncl, long nch); -void free_dmatrix(double **m, long nrl, long nrh, long ncl, long nch); -void free_imatrix(int **m, long nrl, long nrh, long ncl, long nch); -void free_submatrix(float **b, long nrl, long nrh, long ncl, long nch); -void free_convert_matrix(float **b, long nrl, long nrh, long ncl, long nch); -void free_f3tensor(float ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - - -int ***i3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_i3tensor(int ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - -unsigned char ***b3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_b3tensor(unsigned char ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - - - -double ***d3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_d3tensor(double ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - - - - - - - - -unsigned char **cmatrix(long nrl, long nrh, long ncl, long nch); -void free_cmatrix(unsigned char **m, long nrl, long nrh, long ncl, long nch); - - -#endif /* _NR_UTILS_H_ */ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/ttc/nrutil.o b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/ttc/nrutil.o deleted file mode 100644 index 65050ad3e96c4302cd331c49402ed003aed375cb..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/libCentroid/test/ttc/nrutil.o and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/PSFMatsREE50.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/PSFMatsREE50.py deleted file mode 100644 index ad9bbad1cbe4c641152bb6c9f8cfd7db37987c25..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/PSFMatsREE50.py +++ /dev/null @@ -1,178 +0,0 @@ -import sys -from itertools import islice - -import mpi4py.MPI as MPI - -import numpy as np -import matplotlib.pyplot as plt -import matplotlib as mpl -mpl.use('Agg') - -import scipy.io -#import xlrd -from scipy import ndimage - -sys.path.append("/public/home/weichengliang/lnData/CSST_new_framwork/csstPSF_20210108") -import PSFConfig as myConfig -import PSFUtil as myUtil - -NPSF = 900 -############################## -############################## -############################## -def test_psfREE80(psfPath, ThisTask, NTasks): - nccd = 30 - npsf = NPSF - - npsfPerTasks = int(npsf/NTasks) - iStart= 0 + npsfPerTasks*ThisTask - iEnd = npsfPerTasks + npsfPerTasks*ThisTask - if ThisTask == NTasks: - iEnd = npsf - - CENPIXUSED = True - wvREE80 = np.zeros([4, nccd]) #psf in different waves-4 - ttREE80 = np.zeros(nccd) #stacked psf - - for iccd in range(1, nccd+1): - psf_wvREE80 = np.zeros([4, npsf]) - psf_ttREE80 = np.zeros(npsf) - - #for ipsf in range(1, npsf+1): - for ipsf in range(iStart+1, iEnd+1): - psf4iwave = [] - for iwave in range(1, 5): - if ThisTask == 0: - print('iccd-ipsf-iwave: {:} {:} {:}'.format(iccd, ipsf, iwave), end='\r') - psfInfo = myConfig.LoadPSF(iccd, iwave, ipsf, psfPath, InputMaxPixelPos=True, PSFCentroidWgt=False) - - cenPix = None - if CENPIXUSED: - psfInfoX= myConfig.LoadPSF(iccd, iwave, ipsf, psfPath, InputMaxPixelPos=True, PSFCentroidWgt=True) - deltX= psfInfoX['centroid_x'] #in mm - deltY= psfInfoX['centroid_y'] #in mm - pixsize = 2.5*1e-3 #mm, will use binningPSF - cenPix_X = 512/2 + deltX/pixsize - cenPix_Y = 512/2 + deltY/pixsize - cenPix = [cenPix_X, cenPix_Y] - - ipsfMat = psfInfo['psfMat'] - cenX, cenY, sz, e1, e2, REE80 = myUtil.psfSizeCalculator(ipsfMat, CalcPSFcenter=True, SigRange=True, TailorScheme=2, cenPix=cenPix) - psf_wvREE80[iwave-1, ipsf-1] = REE80 - psf4iwave.append(ipsfMat) - tt = myUtil.psfStack(psf4iwave[0], psf4iwave[1], psf4iwave[2], psf4iwave[3]) - cenX, cenY, sz, e1, e2, REE80 = myUtil.psfSizeCalculator(tt, CalcPSFcenter=True, SigRange=True, TailorScheme=2) - psf_ttREE80[ipsf-1] = REE80 - - if iccd == 1 and iwave ==1: - print('iccd-{:}:'.format(iccd), flush=True) - print('psfSet has been loaded.', flush=True) - #print('Usage: psfSet[i][keys]', flush=True) - #print('psfSet.keys:', psfSet[0].keys(), flush=True) - else: - print('iccd-{:}, iwave-{:}'.format(iccd, iwave), end='\r', flush=True) - - comm.barrier() - psf_ttREE80 = comm.allreduce(psf_ttREE80, op=MPI.SUM) - psf_wvREE80[0, :] = comm.allreduce(psf_wvREE80[0, :], op=MPI.SUM) - psf_wvREE80[1, :] = comm.allreduce(psf_wvREE80[1, :], op=MPI.SUM) - psf_wvREE80[2, :] = comm.allreduce(psf_wvREE80[2, :], op=MPI.SUM) - psf_wvREE80[3, :] = comm.allreduce(psf_wvREE80[3, :], op=MPI.SUM) - - ttREE80[iccd-1] = np.mean(psf_ttREE80) - wvREE80[0, iccd-1] = np.mean(psf_wvREE80[0, :]) - wvREE80[1, iccd-1] = np.mean(psf_wvREE80[1, :]) - wvREE80[2, iccd-1] = np.mean(psf_wvREE80[2, :]) - wvREE80[3, iccd-1] = np.mean(psf_wvREE80[3, :]) - ############################## - - comm.barrier() - #ttREE80 = comm.allreduce(ttREE80, op=MPI.SUM) - #wvREE80 = comm.allreduce(wvREE80, op=MPI.SUM) - - #plot-test - if ThisTask == 0: - REE80W1 = wvREE80[0, :] - REE80W2 = wvREE80[1, :] - REE80W3 = wvREE80[2, :] - REE80W4 = wvREE80[3, :] - - np.savetxt('REE50_w1.txt',REE80W1) - np.savetxt('REE50_w2.txt',REE80W2) - np.savetxt('REE50_w3.txt',REE80W3) - np.savetxt('REE50_w4.txt',REE80W4) - np.savetxt('REE50_tt.txt',ttREE80) - - ccdFilterLayout = ['GV', 'GV', 'GU', 'GU', 'GI', 'y', 'i', 'g', 'r', 'GI', 'z', 'NUV', 'NUV', 'u', 'y', 'y','u', 'NUV', 'NUV', 'z', 'GI', 'r', 'g', 'i', 'y', 'GI', 'GU', 'GU','GV', 'GV'] - - fig = plt.figure(figsize=(18,10)) - for iccd in range(0,30): - plt.arrow(iccd+1, REE80W1[iccd], 0, REE80W4[iccd]-REE80W1[iccd], width = 0.05, head_length=0.002, ec='None', color='k') - plt.plot([iccd+1], [REE80W1[iccd]], 'o',c='k') - plt.plot([iccd+1.1], [REE80W2[iccd]], 'o',c='b') - plt.plot([iccd+1.2], [REE80W3[iccd]], 'o',c='g') - plt.plot([iccd+1.3], [REE80W4[iccd]], 'o',c='r') - plt.plot([iccd+1, iccd+1.1, iccd+1.2, iccd+1.3], [REE80W1[iccd], REE80W2[iccd], REE80W3[iccd], REE80W4[iccd]], '--',c='k') - if REE80W1[iccd] < REE80W4[iccd]: - plt.text(iccd+1-0.2, REE80W1[iccd]-0.005, ccdFilterLayout[iccd], fontsize=15) - if REE80W1[iccd] > REE80W4[iccd]: - plt.text(iccd+1-0.2, REE80W1[iccd]+0.003, ccdFilterLayout[iccd], fontsize=15) - - plt.fill_betweenx([0.0, 0.080], [0.5,0.5], [5.5,5.5], color='gray',alpha=0.5) - plt.fill_betweenx([0.0, 0.080], [25.5,25.5], [30.5,30.5], color='gray',alpha=0.5) - - plt.fill_betweenx([0.0, 0.080], [9.5,9.5], [10.5,10.5], color='gray',alpha=0.5) - plt.fill_betweenx([0.0, 0.080], [20.5,20.5], [21.5,21.5], color='gray',alpha=0.5) - - plt.plot([5.5, 5.5], [0.0, 0.5], ':') - plt.plot([10.5, 10.5], [0.0, 0.5], 'k:') - plt.plot([15.5, 15.5], [0.0, 0.5], 'k:') - plt.plot([20.5, 20.5], [0.0, 0.5], 'k:') - plt.plot([25.5, 25.5], [0.0, 0.5], 'k:') - - - plt.ylim(0.0, 0.080) - plt.xlim(0.5, 30.5) - #plt.plot(np.linspace(1, 30, 30), REE80W1) - #plt.plot(np.linspace(1, 30, 30), REE80W2) - #plt.plot(np.linspace(1, 30, 30), REE80W3) - #plt.plot(np.linspace(1, 30, 30), REE80W4) - - plt.xticks([]) - plt.yticks(fontsize=15) - plt.text(1.5, -0.004, 'CCD1 - CCD5', fontsize=15) - plt.text(6.5, -0.004, 'CCD6 - CCD10', fontsize=15) - plt.text(11.5, -0.004, 'CCD11 - CCD15', fontsize=15) - plt.text(16.5, -0.004, 'CCD16 - CCD20', fontsize=15) - plt.text(21.5, -0.004, 'CCD21 - CCD25', fontsize=15) - plt.text(26.5, -0.004, 'CCD26 - CCD30', fontsize=15) - - plt.plot([27], [0.183], 'ko') - plt.text(27.5, 0.182, 'wave-1',fontsize=15) - plt.plot([27], [0.180], 'ro') - plt.text(27.5, 0.179, 'wave-2',fontsize=15) - plt.plot([27], [0.177], 'go') - plt.text(27.5, 0.176, 'wave-3',fontsize=15) - plt.plot([27], [0.174], 'bo') - plt.text(27.5, 0.173, 'wave-4',fontsize=15) - - - #overplot stackedPSF - xccd = np.linspace(1, 30, 30) - plt.plot(xccd,ttREE80, 'm*', ms = 20, markerfacecolor='None', markeredgewidth=2) - plt.plot([27], [0.168], 'm*', ms = 20, markerfacecolor='None', markeredgewidth=2) - plt.text(27.5, 0.1665, 'stacked',fontsize=20) - plt.savefig('figs/psfStackedREE50.pdf') - - - -############################## -############################## -############################## -if __name__=='__main__': - comm = MPI.COMM_WORLD - ThisTask = comm.Get_rank() - NTasks = comm.Get_size() - - psfPath = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_20210108/CSST_psf_ciomp_2p5um_cycle3' - test_psfREE80(psfPath, ThisTask, NTasks) diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/PSFMatsREE80.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/PSFMatsREE80.py deleted file mode 100644 index cfe423960e0b6aca2427ebe0d5d25c187ac6ce28..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/PSFMatsREE80.py +++ /dev/null @@ -1,179 +0,0 @@ -import sys -from itertools import islice - -import mpi4py.MPI as MPI - -import numpy as np -import matplotlib.pyplot as plt -import matplotlib as mpl -mpl.use('Agg') - -import scipy.io -#import xlrd -from scipy import ndimage - -sys.path.append("/public/home/weichengliang/lnData/CSST_new_framwork/csstPSF_20210108") -import PSFConfig as myConfig -import PSFUtil as myUtil - -NPSF = 900 -############################## -############################## -############################## -def test_psfREE80(psfPath, ThisTask, NTasks): - nccd = 30 - npsf = NPSF - - npsfPerTasks = int(npsf/NTasks) - iStart= 0 + npsfPerTasks*ThisTask - iEnd = npsfPerTasks + npsfPerTasks*ThisTask - if ThisTask == NTasks: - iEnd = npsf - - CENPIXUSED = True - wvREE80 = np.zeros([4, nccd]) #psf in different waves-4 - ttREE80 = np.zeros(nccd) #stacked psf - - for iccd in range(1, nccd+1): - psf_wvREE80 = np.zeros([4, npsf]) - psf_ttREE80 = np.zeros(npsf) - - #for ipsf in range(1, npsf+1): - for ipsf in range(iStart+1, iEnd+1): - psf4iwave = [] - for iwave in range(1, 5): - if ThisTask == 0: - print('iccd-ipsf-iwave: {:} {:} {:}'.format(iccd, ipsf, iwave), end='\r') - psfInfo = myConfig.LoadPSF(iccd, iwave, ipsf, psfPath, InputMaxPixelPos=True, PSFCentroidWgt=False) - - cenPix = None - if CENPIXUSED: - psfInfoX= myConfig.LoadPSF(iccd, iwave, ipsf, psfPath, InputMaxPixelPos=True, PSFCentroidWgt=True) - deltX= psfInfoX['centroid_x'] #in mm - deltY= psfInfoX['centroid_y'] #in mm - pixsize = 2.5*1e-3 #mm, will use binningPSF - cenPix_X = 512/2 + deltX/pixsize - cenPix_Y = 512/2 + deltY/pixsize - cenPix = [cenPix_X, cenPix_Y] - - ipsfMat = psfInfo['psfMat'] - cenX, cenY, sz, e1, e2, REE80 = myUtil.psfSizeCalculator(ipsfMat, CalcPSFcenter=True, SigRange=True, TailorScheme=2, cenPix=cenPix) - psf_wvREE80[iwave-1, ipsf-1] = REE80 - psf4iwave.append(ipsfMat) - tt = myUtil.psfStack(psf4iwave[0], psf4iwave[1], psf4iwave[2], psf4iwave[3]) - cenX, cenY, sz, e1, e2, REE80 = myUtil.psfSizeCalculator(tt, CalcPSFcenter=True, SigRange=True, TailorScheme=2) - psf_ttREE80[ipsf-1] = REE80 - - if iccd == 1 and iwave ==1: - print('iccd-{:}:'.format(iccd), flush=True) - print('psfSet has been loaded.', flush=True) - #print('Usage: psfSet[i][keys]', flush=True) - #print('psfSet.keys:', psfSet[0].keys(), flush=True) - else: - print('iccd-{:}, iwave-{:}'.format(iccd, iwave), end='\r', flush=True) - - comm.barrier() - psf_ttREE80 = comm.allreduce(psf_ttREE80, op=MPI.SUM) - psf_wvREE80[0, :] = comm.allreduce(psf_wvREE80[0, :], op=MPI.SUM) - psf_wvREE80[1, :] = comm.allreduce(psf_wvREE80[1, :], op=MPI.SUM) - psf_wvREE80[2, :] = comm.allreduce(psf_wvREE80[2, :], op=MPI.SUM) - psf_wvREE80[3, :] = comm.allreduce(psf_wvREE80[3, :], op=MPI.SUM) - - ttREE80[iccd-1] = np.mean(psf_ttREE80) - wvREE80[0, iccd-1] = np.mean(psf_wvREE80[0, :]) - wvREE80[1, iccd-1] = np.mean(psf_wvREE80[1, :]) - wvREE80[2, iccd-1] = np.mean(psf_wvREE80[2, :]) - wvREE80[3, iccd-1] = np.mean(psf_wvREE80[3, :]) - ############################## - - comm.barrier() - #ttREE80 = comm.allreduce(ttREE80, op=MPI.SUM) - #wvREE80 = comm.allreduce(wvREE80, op=MPI.SUM) - - #plot-test - if ThisTask == 0: - REE80W1 = wvREE80[0, :] - REE80W2 = wvREE80[1, :] - REE80W3 = wvREE80[2, :] - REE80W4 = wvREE80[3, :] - - np.savetxt('REE80_w1.txt',REE80W1) - np.savetxt('REE80_w2.txt',REE80W2) - np.savetxt('REE80_w3.txt',REE80W3) - np.savetxt('REE80_w4.txt',REE80W4) - np.savetxt('REE80_tt.txt',ttREE80) - - - ccdFilterLayout = ['GV', 'GV', 'GU', 'GU', 'GI', 'y', 'i', 'g', 'r', 'GI', 'z', 'NUV', 'NUV', 'u', 'y', 'y','u', 'NUV', 'NUV', 'z', 'GI', 'r', 'g', 'i', 'y', 'GI', 'GU', 'GU','GV', 'GV'] - - fig = plt.figure(figsize=(18,10)) - for iccd in range(0,30): - plt.arrow(iccd+1, REE80W1[iccd], 0, REE80W4[iccd]-REE80W1[iccd], width = 0.05, head_length=0.002, ec='None', color='k') - plt.plot([iccd+1], [REE80W1[iccd]], 'o',c='k') - plt.plot([iccd+1.1], [REE80W2[iccd]], 'o',c='b') - plt.plot([iccd+1.2], [REE80W3[iccd]], 'o',c='g') - plt.plot([iccd+1.3], [REE80W4[iccd]], 'o',c='r') - plt.plot([iccd+1, iccd+1.1, iccd+1.2, iccd+1.3], [REE80W1[iccd], REE80W2[iccd], REE80W3[iccd], REE80W4[iccd]], '--',c='k') - if REE80W1[iccd] < REE80W4[iccd]: - plt.text(iccd+1-0.2, REE80W1[iccd]-0.005, ccdFilterLayout[iccd], fontsize=15) - if REE80W1[iccd] > REE80W4[iccd]: - plt.text(iccd+1-0.2, REE80W1[iccd]+0.003, ccdFilterLayout[iccd], fontsize=15) - - plt.fill_betweenx([0.078, 0.145], [0.5,0.5], [5.5,5.5], color='gray',alpha=0.5) - plt.fill_betweenx([0.078, 0.145], [25.5,25.5], [30.5,30.5], color='gray',alpha=0.5) - - plt.fill_betweenx([0.078, 0.145], [9.5,9.5], [10.5,10.5], color='gray',alpha=0.5) - plt.fill_betweenx([0.078, 0.145], [20.5,20.5], [21.5,21.5], color='gray',alpha=0.5) - - plt.plot([5.5, 5.5], [0.078, 0.5], ':') - plt.plot([10.5, 10.5], [0.078, 0.5], 'k:') - plt.plot([15.5, 15.5], [0.078, 0.5], 'k:') - plt.plot([20.5, 20.5], [0.078, 0.5], 'k:') - plt.plot([25.5, 25.5], [0.078, 0.5], 'k:') - - - plt.ylim(0.078, 0.145) - plt.xlim(0.5, 30.5) - #plt.plot(np.linspace(1, 30, 30), REE80W1) - #plt.plot(np.linspace(1, 30, 30), REE80W2) - #plt.plot(np.linspace(1, 30, 30), REE80W3) - #plt.plot(np.linspace(1, 30, 30), REE80W4) - - plt.xticks([]) - plt.yticks(fontsize=15) - plt.text(1.5, 0.074, 'CCD1 - CCD5', fontsize=15) - plt.text(6.5, 0.074, 'CCD6 - CCD10', fontsize=15) - plt.text(11.5, 0.074, 'CCD11 - CCD15', fontsize=15) - plt.text(16.5, 0.074, 'CCD16 - CCD20', fontsize=15) - plt.text(21.5, 0.074, 'CCD21 - CCD25', fontsize=15) - plt.text(26.5, 0.074, 'CCD26 - CCD30', fontsize=15) - - plt.plot([27], [0.183], 'ko') - plt.text(27.5, 0.182, 'wave-1',fontsize=15) - plt.plot([27], [0.180], 'ro') - plt.text(27.5, 0.179, 'wave-2',fontsize=15) - plt.plot([27], [0.177], 'go') - plt.text(27.5, 0.176, 'wave-3',fontsize=15) - plt.plot([27], [0.174], 'bo') - plt.text(27.5, 0.173, 'wave-4',fontsize=15) - - - #overplot stackedPSF - xccd = np.linspace(1, 30, 30) - plt.plot(xccd,ttREE80, 'm*', ms = 20, markerfacecolor='None', markeredgewidth=2) - plt.plot([27], [0.168], 'm*', ms = 20, markerfacecolor='None', markeredgewidth=2) - plt.text(27.5, 0.1665, 'stacked',fontsize=20) - plt.savefig('figs/psfStackedREE80.pdf') - - - -############################## -############################## -############################## -if __name__=='__main__': - comm = MPI.COMM_WORLD - ThisTask = comm.Get_rank() - NTasks = comm.Get_size() - - psfPath = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_20210108/CSST_psf_ciomp_2p5um_cycle3' - test_psfREE80(psfPath, ThisTask, NTasks) diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE50_tt.txt b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE50_tt.txt deleted file mode 100644 index 46f1c3f2f56912dd8037018ae3d62d7bc79f8708..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE50_tt.txt +++ /dev/null @@ -1,30 +0,0 @@ -4.192623714192045964e-02 -3.963687271293666464e-02 -3.717499316773480861e-02 -3.547479454427957674e-02 -4.778017809407578836e-02 -5.589890449411339529e-02 -4.521611930595503814e-02 -3.177118275728490343e-02 -3.778880075862010163e-02 -4.599476550188329183e-02 -5.217386429508526907e-02 -2.741515900111860665e-02 -2.751147872664862215e-02 -2.593041263934638824e-02 -5.550626295722193432e-02 -5.590932749625709269e-02 -2.809689362429910325e-02 -3.039854779218633882e-02 -2.730709160574608385e-02 -5.228841161148415490e-02 -4.721563391801383847e-02 -3.853965697603093515e-02 -3.288221512817673942e-02 -4.526867814362049020e-02 -5.549804478055900964e-02 -4.864927207016282729e-02 -3.085322873873843144e-02 -2.899995189367069251e-02 -3.424865529768996580e-02 -3.627621793291634783e-02 diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE50_w1.txt b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE50_w1.txt deleted file mode 100644 index 8eaf20eb149730b68c7edadb7782381d60684489..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE50_w1.txt +++ /dev/null @@ -1,30 +0,0 @@ -4.097674760967492946e-02 -3.779118013257781739e-02 -3.854422118514776174e-02 -3.604302387477623104e-02 -4.097642137358586262e-02 -5.422652423381805337e-02 -4.271208368655707993e-02 -2.862325804928938719e-02 -3.484749293989605062e-02 -3.973479835109577918e-02 -4.960958740777439424e-02 -3.018300496041774819e-02 -2.993626710027456200e-02 -2.408132943635185597e-02 -5.361761418067746698e-02 -5.386454740332232566e-02 -2.540567224224408310e-02 -3.506318612438109189e-02 -2.746613206341862526e-02 -4.962374180969264525e-02 -4.058798617786830987e-02 -3.485660712545116807e-02 -2.843817778345611447e-02 -4.183941396160258119e-02 -5.364700755725304582e-02 -4.234843995836046204e-02 -2.858904785580105093e-02 -2.490848023651374629e-02 -2.915432476335101664e-02 -3.297398504283693271e-02 diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE50_w2.txt b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE50_w2.txt deleted file mode 100644 index 160391be20b6781873d2b51d99f8cb6e53300aa1..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE50_w2.txt +++ /dev/null @@ -1,30 +0,0 @@ -4.107249135358465725e-02 -3.805210295857654884e-02 -3.634435170433587825e-02 -3.354171364878615058e-02 -4.468210332095622767e-02 -5.541175949904653814e-02 -4.455799478623602428e-02 -3.044745398064454406e-02 -3.644618252085314591e-02 -4.342479083273145801e-02 -5.033345324711667457e-02 -2.592496615524093190e-02 -2.602256835955712652e-02 -2.419794542507992807e-02 -5.424795392072863376e-02 -5.454469751566648483e-02 -2.579547411865658335e-02 -2.818417717392246100e-02 -2.520566607515017238e-02 -5.040185143550236779e-02 -4.456572487950324901e-02 -3.643000928892029672e-02 -3.032562015371190189e-02 -4.340189202792114898e-02 -5.436048106186919943e-02 -4.582877747714519251e-02 -2.675305432329575309e-02 -2.434911420775784374e-02 -3.196721636172798059e-02 -3.480462196800444136e-02 diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE50_w3.txt b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE50_w3.txt deleted file mode 100644 index 7a5811ce29deccd1d9647a1abac219a6843a6d0a..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE50_w3.txt +++ /dev/null @@ -1,30 +0,0 @@ -4.197429738938808497e-02 -3.948407693869537827e-02 -3.499825730091995352e-02 -3.239083757003148600e-02 -4.886476772940821084e-02 -5.656497548437780520e-02 -4.575395000891552960e-02 -3.229455917659732750e-02 -3.790552155839072013e-02 -4.727557896325985248e-02 -5.229303643521335254e-02 -2.517534267157316152e-02 -2.533119356673624659e-02 -2.559196881535980364e-02 -5.552474377469884120e-02 -5.606734792805380396e-02 -2.605791410017344739e-02 -2.653578668625818440e-02 -2.488602056892381606e-02 -5.237050928589370713e-02 -4.864922908859120598e-02 -3.793197987808121646e-02 -3.199448413319058021e-02 -4.567710663295454498e-02 -5.582077370749579520e-02 -4.991082506461275853e-02 -2.695475944835278720e-02 -2.495457686276899428e-02 -3.456866744284828319e-02 -3.673887742269370260e-02 diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE50_w4.txt b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE50_w4.txt deleted file mode 100644 index a8c090afccfc1057b933b445b30c20af4684d8f5..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE50_w4.txt +++ /dev/null @@ -1,30 +0,0 @@ -4.374798665444055989e-02 -4.172032311144802108e-02 -3.449644779165585845e-02 -3.227750844632586158e-02 -5.347426552325486998e-02 -5.790241428133514195e-02 -4.830917320731613340e-02 -3.390226654708385773e-02 -4.048860900104046118e-02 -5.229343653966982836e-02 -5.546085886657237812e-02 -2.504612732885612425e-02 -2.524040076881647193e-02 -2.594595272300971936e-02 -5.741710940168963384e-02 -5.757535632285806781e-02 -2.622993558438287826e-02 -2.619012944814231789e-02 -2.490559814497828386e-02 -5.549698290725549321e-02 -5.351221157444847887e-02 -4.031978600141074981e-02 -3.390058320636550604e-02 -4.747320735620128018e-02 -5.750102566348181538e-02 -5.429367550131347642e-02 -2.792105174933870795e-02 -2.611095883366134490e-02 -3.699269230580991968e-02 -3.936049576848745651e-02 diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE80_tt.txt b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE80_tt.txt deleted file mode 100644 index d62ebdf606553ae1eeeb27d3cf33f1d119ff482d..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE80_tt.txt +++ /dev/null @@ -1,30 +0,0 @@ -1.003694497959481402e-01 -1.015607885271310740e-01 -1.052028546896245781e-01 -1.004858156541983266e-01 -1.102485864443911445e-01 -1.098996570540799050e-01 -1.121134948564900258e-01 -9.598437185088792845e-02 -1.028637351757950291e-01 -1.037921066664987124e-01 -9.960766722758611358e-02 -1.160482782291041431e-01 -1.188710469918118628e-01 -1.006841716004742565e-01 -1.041830715454287043e-01 -1.071446195079220620e-01 -9.699936704503164808e-02 -1.145864692330360451e-01 -1.166164491325616809e-01 -1.017340895533561662e-01 -1.104655211253298686e-01 -9.992789358728461357e-02 -9.721765814556015961e-02 -1.133250202735265055e-01 -1.047951816519101520e-01 -1.146304993165863928e-01 -1.023961062481005962e-01 -1.056877841469314322e-01 -9.356085345149040000e-02 -9.884073599345154226e-02 diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE80_w1.txt b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE80_w1.txt deleted file mode 100644 index 5c82394835239bee9e521949723fefc466e81e22..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE80_w1.txt +++ /dev/null @@ -1,30 +0,0 @@ -9.538728237979941793e-02 -9.997831919127039835e-02 -1.152796367224719759e-01 -1.113885820325877934e-01 -1.081522457963890460e-01 -1.100598958465788119e-01 -1.104022086991204160e-01 -9.841721517344316494e-02 -1.007562586416800854e-01 -1.057270593278937937e-01 -9.665070548653602323e-02 -1.228988209532366899e-01 -1.253969780935181577e-01 -1.108463252832492252e-01 -1.009047752370436923e-01 -1.043932629625002606e-01 -1.043888743470112457e-01 -1.228035690221521564e-01 -1.229982891347673191e-01 -1.014424936307801173e-01 -1.078363279584381301e-01 -9.916063456071746995e-02 -1.001503288414743176e-01 -1.132735080354743545e-01 -1.019744017720222440e-01 -1.093158932692474827e-01 -1.145170436302820893e-01 -1.144741236832406833e-01 -8.961314371062649442e-02 -9.682588559885819957e-02 diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE80_w2.txt b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE80_w2.txt deleted file mode 100644 index 052144710c66b7f3cfd50389d452ca4b6e9a2f35..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE80_w2.txt +++ /dev/null @@ -1,30 +0,0 @@ -9.643768350283304924e-02 -9.798234308759370959e-02 -1.079521808524926546e-01 -1.025021615210506692e-01 -1.149604891157812586e-01 -1.094704144779178878e-01 -1.128202253331740679e-01 -9.495004550450378278e-02 -1.031157808171378198e-01 -1.102209193590614478e-01 -9.693712000217702407e-02 -1.157439781311485477e-01 -1.188326157795058374e-01 -1.020256235202153527e-01 -1.019820975181129213e-01 -1.050299054880936972e-01 -9.922386229038238081e-02 -1.136058331943220617e-01 -1.159628341678116126e-01 -9.912074926826688892e-02 -1.137588790224658142e-01 -1.020030610097779206e-01 -9.673012357619073520e-02 -1.160692154202196402e-01 -1.028599771526124695e-01 -1.158566920790407434e-01 -1.039760234289699159e-01 -1.111334640532732065e-01 -9.186342578795221592e-02 -9.592016302877001688e-02 diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE80_w3.txt b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE80_w3.txt deleted file mode 100644 index e3462745ae5f778a5eb9454286e076ae84b664d6..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE80_w3.txt +++ /dev/null @@ -1,30 +0,0 @@ -1.006985101848840714e-01 -1.013836140599515684e-01 -1.013806880513827002e-01 -9.915509222282303803e-02 -1.200062531563970830e-01 -1.094657432536284142e-01 -1.144734306716256728e-01 -9.519613649282190893e-02 -1.057418116099304584e-01 -1.054122307896614014e-01 -9.845357587767972207e-02 -1.129213973631461448e-01 -1.157693343030081895e-01 -9.789589726262622194e-02 -1.031542107711235640e-01 -1.059128980752494648e-01 -9.632152356207371313e-02 -1.119704562591181812e-01 -1.141161955230765856e-01 -9.983023160033756283e-02 -1.176942567113373056e-01 -1.050646821823384980e-01 -9.762139088577694024e-02 -1.182936947709984227e-01 -1.040377021663718704e-01 -1.212708305484718752e-01 -1.006435601496034199e-01 -1.039983374708228631e-01 -9.660188108682632446e-02 -9.944499985211426030e-02 diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE80_w4.txt b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE80_w4.txt deleted file mode 100644 index be627f35ed44ec632692a88d511c78172ba960d2..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/REE80_w4.txt +++ /dev/null @@ -1,30 +0,0 @@ -1.060087002979384491e-01 -1.065412894470824101e-01 -9.963971251414881214e-02 -9.672424467901388767e-02 -1.175329804834392283e-01 -1.101842951691812955e-01 -1.145964604367812473e-01 -9.717416778206824923e-02 -1.083525632404618855e-01 -1.000668340507480797e-01 -1.014329678730832157e-01 -1.097313022116820080e-01 -1.141242847839991220e-01 -9.404459126293658600e-02 -1.052697762184672953e-01 -1.075393592317899077e-01 -9.385074155198203094e-02 -1.104957850111855377e-01 -1.125437939415375455e-01 -1.026178903298245598e-01 -1.133788265619013053e-01 -1.080598064677582848e-01 -9.990631543927722125e-02 -1.193010927985111852e-01 -1.060021865616242037e-01 -1.243952341874440537e-01 -1.005361025614870951e-01 -9.902638682888613431e-02 -1.014523365596930182e-01 -1.041915973110331406e-01 diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_1.pdf deleted file mode 100644 index f9c3dfe59911cafe2ed736172c59118d2d9b3cd5..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_15.pdf deleted file mode 100644 index 75461487f068ae5885d25b991dee38ed7dd15da2..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_30.pdf deleted file mode 100644 index c3e98198c8870edb4a1639651460e06ad2fa46f4..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_450.pdf deleted file mode 100644 index a0e5ea555ecc4ddc7fb460dc0f92e7d24251c4e0..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_465.pdf deleted file mode 100644 index 6d748894b5309491db4209fb09cf1c408d361983..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_480.pdf deleted file mode 100644 index d1bf7400745878a62d21d956306f68c71b6d0684..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_870.pdf deleted file mode 100644 index 1199809b5a90ba0968e4fd40be871e3597d33650..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_885.pdf deleted file mode 100644 index ebf378933442a9cd51806231160eabb847a9e41f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_900.pdf deleted file mode 100644 index a0c8589e7128989f065015ed94a877c593dd6445..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_10_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_1.pdf deleted file mode 100644 index 55daedea2e7c4cdb342932226c72dc2dfeee56a0..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_15.pdf deleted file mode 100644 index 42c066199a696047ba9e074082d4b5e91e579967..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_30.pdf deleted file mode 100644 index 5642575b8e7be19077a7e5aca1d41e21f6593a21..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_450.pdf deleted file mode 100644 index 4ec472b023f84dea06369d9c93b305a4b1449115..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_465.pdf deleted file mode 100644 index face54c8c714489e41e0f99c7182745142f1a855..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_480.pdf deleted file mode 100644 index d0b72b73da5bb695535afe6c5f8fa3a320cd9e89..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_870.pdf deleted file mode 100644 index 8c6bf896350f94373b60fbd50ac483f21347d986..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_885.pdf deleted file mode 100644 index 81d89cd2d324c2d50966bd302eb165fd750d8bab..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_900.pdf deleted file mode 100644 index e09ad5d6bea687683d61ddc4f87b4876f24899ef..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_11_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_1.pdf deleted file mode 100644 index 80a885d9fe2570a035b6e903fac26ebfd88b53d9..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_15.pdf deleted file mode 100644 index 89fe1a5b46de91d101fb094fbb1f3726b5a0a6fb..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_30.pdf deleted file mode 100644 index 974a07b87d2962f4b132a88ce512890a0c0f207d..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_450.pdf deleted file mode 100644 index 3ba347898f72c96effe7737437e2916ccb403c2a..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_465.pdf deleted file mode 100644 index 660c947ce434799b70fe2113c570a4be9f85854e..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_480.pdf deleted file mode 100644 index 804d15b2fc66016108424f2f0cc8597edd37972d..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_870.pdf deleted file mode 100644 index b4406c3f71cd1327e1c59d12319805ac60af7f4a..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_885.pdf deleted file mode 100644 index 85fd2db367d8605502aaddf4d694448978b43a88..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_900.pdf deleted file mode 100644 index 5c1abb9bc7aa7e426ccc30d30696b4d93900a2b8..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_12_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_1.pdf deleted file mode 100644 index f40428fa4aca3fd71fd31472afc2ac4b4b8ca2eb..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_15.pdf deleted file mode 100644 index c78e12006c7215c2cea7b9d5b7e05e4e3ef6d7f0..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_30.pdf deleted file mode 100644 index 88bcf74798a726b8bb616fac67ca0bf9b02f405f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_450.pdf deleted file mode 100644 index e28226825b3f873581c94e0d363802b59ee551de..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_465.pdf deleted file mode 100644 index cf7433d7cdbfbb7aaad79fa59a197a2a21b75df5..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_480.pdf deleted file mode 100644 index b8bf87f5395780359c9f1cd8c5bfea937ebb57a3..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_870.pdf deleted file mode 100644 index b85752c1f36afdd20c221b7aefe62aa4de10019e..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_885.pdf deleted file mode 100644 index f686d67a778282f41f0a852ca3966655280c088f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_900.pdf deleted file mode 100644 index 363fe196a666831608457fda74a505d1b1ee2b13..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_13_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_1.pdf deleted file mode 100644 index 259d6431d65e6725411e740268c2e10008d14754..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_15.pdf deleted file mode 100644 index 938c01787fd3b7dd5dda38797d21328e6a0ba137..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_30.pdf deleted file mode 100644 index 4e480d4553092ad4cd9c4dc62e5ac9c27289307f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_450.pdf deleted file mode 100644 index ba6738c3e21d1013778db4873809725ec72050bb..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_465.pdf deleted file mode 100644 index eb1fbfbe9779758a025d439941e0c57cbc41bc7d..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_480.pdf deleted file mode 100644 index f9f70fe8cf50c9b1bff761b741cfa0c779c28b5e..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_870.pdf deleted file mode 100644 index 76f2ce0e85d6d619433960b929832daaef5f4a20..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_885.pdf deleted file mode 100644 index a026fde2be04fa43a4395ed4954e345bcbb655c8..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_900.pdf deleted file mode 100644 index 4e4a96c77424e08555cdfcb7bcdee96bce7008bf..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_14_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_1.pdf deleted file mode 100644 index a579ab136f429454e299f5f74cbf9ca207594fe8..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_15.pdf deleted file mode 100644 index e6e654807150301d07e35edff60e419129e41353..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_30.pdf deleted file mode 100644 index 1736a864fcac01f765c58c504db51ca25fc9b6ff..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_450.pdf deleted file mode 100644 index d76cade95134e14e19e63c6f52fe2054d9cff9ba..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_465.pdf deleted file mode 100644 index 480fe7447dd2a5adb158d484787e8167c5e55399..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_480.pdf deleted file mode 100644 index fc540d0949b3ae263d4e14233ca332d320d27bd3..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_870.pdf deleted file mode 100644 index e4b3e40e5d48d024621fa0a5fd8c55941a350773..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_885.pdf deleted file mode 100644 index b88cfafa29ac4b6cd35bb7a0d774d488bda5e9e9..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_900.pdf deleted file mode 100644 index 5fdc31ca8e3dccbd430a88d890263c4df653b224..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_15_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_1.pdf deleted file mode 100644 index e4d0be8cfe35e837d5167dd9f25a73fef5a9e512..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_15.pdf deleted file mode 100644 index 1eb364c739489b39908c27170dc1846c218f5592..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_30.pdf deleted file mode 100644 index bc25ba50002270fdd28f4ee454e66e71680ffa16..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_450.pdf deleted file mode 100644 index 6fdccae35b28c8d0dd3e4f56538bbe91882d1892..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_465.pdf deleted file mode 100644 index 06593c4965c25959babeefec36b3e0247f637022..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_480.pdf deleted file mode 100644 index c14286a2293c0ab203619f5e6d4d087137498b9f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_870.pdf deleted file mode 100644 index ba70c1a09ddd2e54c9fe2662cb9a7234d6e51823..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_885.pdf deleted file mode 100644 index a6105daf41bbd1a898607f269d070754cb2721ce..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_900.pdf deleted file mode 100644 index e3b0689f73758a029253dd7e655c1f01645c2821..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_16_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_1.pdf deleted file mode 100644 index 1f343acc6e451911eab2bb7d65b6eec7207b98b9..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_15.pdf deleted file mode 100644 index 53c357aa71ec7026afbe326cd71a46e81b6c31ac..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_30.pdf deleted file mode 100644 index 994ed2d1e47aade9ae517a257604df9a4d24e0a6..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_450.pdf deleted file mode 100644 index 2c2dda3abdf345d124749d60796f7755b18f97a0..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_465.pdf deleted file mode 100644 index 13089a5014baf1d1fa03c20960f30fdd2bf4281c..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_480.pdf deleted file mode 100644 index b70713934c9afdd7b964b9b5a51cd2046f4ab2b0..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_870.pdf deleted file mode 100644 index 5b75fbed15124e3a30b48f125faab1d09635ac31..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_885.pdf deleted file mode 100644 index a3efbee19139a892944ccc52c6c2cf713561cdcc..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_900.pdf deleted file mode 100644 index d0f7ba599c841996e62af1b3908d65866850cc51..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_17_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_1.pdf deleted file mode 100644 index 89667181cde55970234cfae88b2ba42445774538..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_15.pdf deleted file mode 100644 index de8d194ecdc4ec2e52548a885ad51d446f74b36f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_30.pdf deleted file mode 100644 index aa778f8b5b22877f84e00f4d8f747fbb1f12506f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_450.pdf deleted file mode 100644 index f5c9933af752d0a4fb61e24213d35a14d4f0f0fe..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_465.pdf deleted file mode 100644 index 1de164d286815df39272cc562238170e79abaccd..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_480.pdf deleted file mode 100644 index bb3c7acb6262418da076eac846c0969a04a48a07..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_870.pdf deleted file mode 100644 index 9acd36e88578f366abbfe56cbaa92c9957d502f0..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_885.pdf deleted file mode 100644 index fd2a28b63a24bdf7fa322c9556b3249b90ec17d7..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_900.pdf deleted file mode 100644 index 467581eec92d056abd5ef95eb6dd2b88a36ca87c..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_18_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_1.pdf deleted file mode 100644 index ca87f5d7dd05e6a554862657a89847a186124bec..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_15.pdf deleted file mode 100644 index 5f8cb0ad3752e48204ddb92c9b3ade090766ec4f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_30.pdf deleted file mode 100644 index 9556e62806ec9345d49c99a84e3caa2b01628294..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_450.pdf deleted file mode 100644 index b3138b228b8848f429144a245543be22a8aa87be..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_465.pdf deleted file mode 100644 index ac8a96382812def7e60a8eddf1d73fec70db1263..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_480.pdf deleted file mode 100644 index 037f87d6dba281cdbbdd6fa7718ac154578cc1fc..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_870.pdf deleted file mode 100644 index b46c8bf74cb1ff14657608ed48258c1a7c9b95c6..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_885.pdf deleted file mode 100644 index c39307439d90bcaf632408d502c3fb803b1cad89..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_900.pdf deleted file mode 100644 index ce76006ea4a2e11669e6b9dbb7ab118f46af4e55..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_19_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_1.pdf deleted file mode 100644 index 07416c5c11b4f4f8736299e813295187ae60a581..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_15.pdf deleted file mode 100644 index c75223326959a71e63bcc6e2393ea79bf4922456..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_30.pdf deleted file mode 100644 index 77f6dcdaf30bb2c26596fd640ddf9094175e24f6..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_450.pdf deleted file mode 100644 index 4f5cd0f71f31bde37c73677ff8968f5452c83099..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_465.pdf deleted file mode 100644 index ee64c00053fcff284527820ecd54c609acb0fe8e..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_480.pdf deleted file mode 100644 index f7ea94f1bcb97019ff48b5e314f17e64811ab021..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_870.pdf deleted file mode 100644 index 26ce3c7675f6fb449e16bb1ffcb756755f57d404..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_885.pdf deleted file mode 100644 index a39d51ae2e633b11088cdb7abd98c03abaaa1802..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_900.pdf deleted file mode 100644 index 9395fc73bd816979fceebc61043b260b07f2eeb6..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_1_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_1.pdf deleted file mode 100644 index 050e745cadb4adac4d4c4418d727ca669c4c12fc..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_15.pdf deleted file mode 100644 index 63e3484e64899469e1aa4a654e66fb276ab3ecbb..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_30.pdf deleted file mode 100644 index e8dcf1cc99bd0d35edee774717d30afd8939b5c6..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_450.pdf deleted file mode 100644 index fd252f0c2f4119e2edb5888bb7d05624da9acedc..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_465.pdf deleted file mode 100644 index ba5635cd06c963ca127b0adbaa39eb9c9be37786..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_480.pdf deleted file mode 100644 index 143a756bbf5f10680f9a841ec044e2c97f53d995..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_870.pdf deleted file mode 100644 index fe19732eb737611ad63c40ab800579c2d76d6518..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_885.pdf deleted file mode 100644 index a0036568342a32a306075c8e4a94b016a394f208..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_900.pdf deleted file mode 100644 index a0cf296b66bca8776bd3bc06f8a701290f4c95d7..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_20_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_1.pdf deleted file mode 100644 index 52aeee0ae9e580ef1893b52effa4bed9769fe7f1..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_15.pdf deleted file mode 100644 index 04eae66e2a4017e4c3d25e025e1be784c83e08ee..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_30.pdf deleted file mode 100644 index 719eb6ce34e2342dd825955ba9c0d058111bf1f1..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_450.pdf deleted file mode 100644 index f4168c8f68d0a354616b6482772184472b62ba49..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_465.pdf deleted file mode 100644 index b02d5691282b21101c880a92b30fd66373b092a9..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_480.pdf deleted file mode 100644 index 44c1f1d4a582f30565f1493d3f3567509bf6ea4a..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_870.pdf deleted file mode 100644 index b987aebf9213ee40c76f977290d756d0b481e076..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_885.pdf deleted file mode 100644 index 058284d246cd5f956ae6f8351127a04ef8592ffd..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_900.pdf deleted file mode 100644 index efda9cea1e8cb7ba69af34fe645e97a280b2380e..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_21_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_1.pdf deleted file mode 100644 index 2780892ef0a1488eee7460aa325569d20569ef3d..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_15.pdf deleted file mode 100644 index fc59a4ba57171df04e475e17492f0c4ca8426d41..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_30.pdf deleted file mode 100644 index 8ba1e59f7c41147ada861f117f739352f4f3aa5a..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_450.pdf deleted file mode 100644 index da53edba3e388c9577d06d6f4d1cde178146fb88..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_465.pdf deleted file mode 100644 index 5a4651083df86056b4c4b762fb84c622c082d63c..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_480.pdf deleted file mode 100644 index 85e4a6b8ac8149f2f779aba54df0df71f6d027f8..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_870.pdf deleted file mode 100644 index 5ec9bba4769508fe8f2f9cb4917865e8a7a441cb..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_885.pdf deleted file mode 100644 index f4c9030f7fe32de905856a3f16facfee0f9486e0..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_900.pdf deleted file mode 100644 index 25967c573e697fcd8c6ca073a0daea816a7dd135..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_22_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_1.pdf deleted file mode 100644 index 8b39130cbab25ae1dfd5b679123d03ea87f41932..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_15.pdf deleted file mode 100644 index 67d3d058e190fe110600ec293bc6863ea202f1e6..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_30.pdf deleted file mode 100644 index 44bfcca9b1bcdb770bcabfc09580e3aa6f5304d6..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_450.pdf deleted file mode 100644 index 24289b0016a70849b4bd8ab6b6ccf5bcb0f05bcd..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_465.pdf deleted file mode 100644 index 3b06a526aa1e424b417846584a3b9c08ea740a9f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_480.pdf deleted file mode 100644 index 17df87f69bdb25cb4b748c661c6d89c52c880650..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_870.pdf deleted file mode 100644 index 071121605a1e2416d4360cc03107a6d4a91d139f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_885.pdf deleted file mode 100644 index a4b56df3aacbb030a6bfa6b6d545c36050f5a5c7..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_900.pdf deleted file mode 100644 index 636a4f32bb06d97af21b40e4210752deedf526d1..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_23_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_1.pdf deleted file mode 100644 index 5daebd3869e49e977136344d9e1812a49642ef62..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_15.pdf deleted file mode 100644 index 84de44e5ae99b0747ae8a720fb4fa6ca5dc1144f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_30.pdf deleted file mode 100644 index fb9bfb7df29a8b6a004de8620ec44f4496782ac0..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_450.pdf deleted file mode 100644 index dae159e1bdc3915f2c6be3360fb1e33c98ce0845..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_465.pdf deleted file mode 100644 index 66703191223e0c429b06f4caa5eaf0f0c9c2b008..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_480.pdf deleted file mode 100644 index 632958c08c29047c9e5c81c98fdb0212ff5d8858..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_870.pdf deleted file mode 100644 index d14fc24676314fa20f4da10c63b6dfe7ecc8a5af..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_885.pdf deleted file mode 100644 index f8e318d8e666e26a8798cd7a101e7eeb15d2d228..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_900.pdf deleted file mode 100644 index 6d79e99a41192fa0ae51018cde64ee2485d44d21..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_24_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_1.pdf deleted file mode 100644 index 2934ce5bbddb23d39df655979f21f5e3f6143e05..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_15.pdf deleted file mode 100644 index 1390918ea965e1b99503eda89c457afa778926b4..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_30.pdf deleted file mode 100644 index 09f86f1bc0aaffe8f5858f4e94fb78f17c6849de..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_450.pdf deleted file mode 100644 index a7e31924bd10bbcc49b8ddc81d9083263495b77f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_465.pdf deleted file mode 100644 index f4fb3b29eeede8805b487fc51b682cd7f8d5dcc6..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_480.pdf deleted file mode 100644 index 4000d8251d3ad3a92773258edbb5c1d930a0ca7e..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_870.pdf deleted file mode 100644 index 4d828beddb52ed3077225a83d8584bd5c7700521..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_885.pdf deleted file mode 100644 index e135016d508eac48e54578f6c34c504cd517d0cb..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_900.pdf deleted file mode 100644 index 06397286d5c8996cac16dc031d230d24eb3001a1..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_25_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_1.pdf deleted file mode 100644 index 69d6a52c6ebfe7cdbb0e639f2fba5972e03ba916..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_15.pdf deleted file mode 100644 index 2c3d324fe11205e49d814537f4b4d008c1413e2f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_30.pdf deleted file mode 100644 index 1ea16b8c491c12ec2c1eacf4634ca1bfff206ab7..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_450.pdf deleted file mode 100644 index e1a059a5ff25a25b72d48f9fa6222fbbaee8c9ad..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_465.pdf deleted file mode 100644 index 69313d8b8f7162ff50952350a69e962903a3dd61..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_480.pdf deleted file mode 100644 index f4ca54379c1c7bf1d38fd75f679c42a9f01f55b3..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_870.pdf deleted file mode 100644 index 416bc3992676514203a59995a91c02a0f79eff87..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_885.pdf deleted file mode 100644 index 91ed0c4eb8277ffb87582efe9b0da9efbf23c979..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_900.pdf deleted file mode 100644 index 4983e3e7061b16a22a493fab3b107969e91389f2..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_26_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_1.pdf deleted file mode 100644 index 0f2b40520b295a5d858954de5c0bb863dfd72adf..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_15.pdf deleted file mode 100644 index d95628d5b83a0eceaf2f4d1ac47be8bcdc18bf25..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_30.pdf deleted file mode 100644 index 62273f3e4d26b9e167255108b867bada08d60de8..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_450.pdf deleted file mode 100644 index ad4af10c409d0d3703cbbdce9ab9755aa82da602..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_465.pdf deleted file mode 100644 index 146aca8ed20e928f9459c102f4ca52c5e6d0cda3..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_480.pdf deleted file mode 100644 index aba4e4a6cab3767f5d74c8f8012b6b66bc3c91b2..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_870.pdf deleted file mode 100644 index 5fd443b15c20fac980edccff8a75402273203f8b..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_885.pdf deleted file mode 100644 index 805b86a19f9ce7bb56362bfe3273c97f8407284d..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_900.pdf deleted file mode 100644 index 12e58292a8eb45390043bd03f08d2e8869efa6bd..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_27_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_1.pdf deleted file mode 100644 index 3bd2d63bada71089b52e4aa9ac039341f12bd772..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_15.pdf deleted file mode 100644 index 068d098c170de35c1c9596f81d8de477397e0987..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_30.pdf deleted file mode 100644 index 1e561ac190f358d494b4e32e494d61718e3085d9..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_450.pdf deleted file mode 100644 index 0b821cee79f13fb9556c79467dcc1cda02caeb0d..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_465.pdf deleted file mode 100644 index 33343bf551630b4736b854c28799ca2b030a5d20..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_480.pdf deleted file mode 100644 index 41a1e8c49046eccb9afa0cc11cd5989c6c49fa04..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_870.pdf deleted file mode 100644 index 5c391c15585da00e5cb2d9b1740749a886c7a92d..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_885.pdf deleted file mode 100644 index 2d5ddf1e29be2b1fcd330d6d910118aeec72c70d..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_900.pdf deleted file mode 100644 index 179b4a749e2e12a3b5fd246e6e02c3259969a535..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_28_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_1.pdf deleted file mode 100644 index 5af839d323f0f8e1bdb996c9cb1c70780688bb65..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_15.pdf deleted file mode 100644 index 5675f9f272713aa5bdb80e6e7a2b59c11654c416..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_30.pdf deleted file mode 100644 index cb0be08ca7319427375700b38ccdb819eca62568..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_450.pdf deleted file mode 100644 index 0fd86a1e27392750dd2a12430529c415cf84ff1f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_465.pdf deleted file mode 100644 index 78250863aeb4322507bd69de16c21aded54250d9..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_480.pdf deleted file mode 100644 index 61999453202b350504c702ee7baabda8470bad01..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_870.pdf deleted file mode 100644 index 65346b3f56a7539d06ac64691fe0323734d3dc71..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_885.pdf deleted file mode 100644 index a7b8b6efb21ca3c1bebeae0115e8beffbf0b94c3..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_900.pdf deleted file mode 100644 index 99d41ecc203aa9d731ce1524798f85e7e5c4fd1e..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_29_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_1.pdf deleted file mode 100644 index 29311097cf069bf2b82bcf360003fb81020031b4..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_15.pdf deleted file mode 100644 index 15c0cd3dab49be01b67ca1b85a72a6320d5eee63..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_30.pdf deleted file mode 100644 index 8c2028caa5918081a17d9a56740c7eb2f273771b..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_450.pdf deleted file mode 100644 index 9ff2b2c9814b369ed1f66fd4c7e9d9a273b3d35d..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_465.pdf deleted file mode 100644 index ae27b8b7c34382952a9cd88cf71127946e45ad0a..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_480.pdf deleted file mode 100644 index 98e651751841f10f719747ed3f9fda691de7f4cb..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_870.pdf deleted file mode 100644 index 13fa9ef82d1de0a53623472dc4e9ea03970d75a8..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_885.pdf deleted file mode 100644 index 4d6cbd071b3c2d82e212527c50276e52bee59916..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_900.pdf deleted file mode 100644 index e9705ff34aab3d6f15ca7306a83c75ef42047299..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_2_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_1.pdf deleted file mode 100644 index 59dcfb37634780488fc2c161ef3b05adcd3de72e..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_15.pdf deleted file mode 100644 index b94f6c984812e71e1fafb170cb56c2b31435523a..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_30.pdf deleted file mode 100644 index 3f73ad2ff29c9cd20de1dd7e18cc9a25fe47e0f4..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_450.pdf deleted file mode 100644 index 6b0e1e818b41c9c2d43afd5907b19a50951f1614..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_465.pdf deleted file mode 100644 index b5b787329e52e1fac5884f6ac9df87bf6febf616..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_480.pdf deleted file mode 100644 index 9ea60c6f0bddd9b4383f243fd687f3eaf8da4e4f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_870.pdf deleted file mode 100644 index 230ebcb3d0f77aeef32bf71ceca49ac18ffb6a8f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_885.pdf deleted file mode 100644 index 5135b7ab2338cdddbb197e69b2b13a9c85a68e1f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_900.pdf deleted file mode 100644 index 3e45a41939e3246a6a2c5ace35c035c4b5a27c52..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_30_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_1.pdf deleted file mode 100644 index f9e9e4f6222991dd998ef14501d553ed69a6964f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_15.pdf deleted file mode 100644 index bb7b7fb33be6d69bf5877fdf83ca964ec5ae2350..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_30.pdf deleted file mode 100644 index 11b061fcbac7eee5a26550c98f0a7d3a8ca6ae10..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_450.pdf deleted file mode 100644 index f25c4948b404e503e3acc78fdfb19fd7859cc5b7..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_465.pdf deleted file mode 100644 index 5e103f28ff82c637118d7367cdd2dab30b2bba47..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_480.pdf deleted file mode 100644 index f407a79aaba84bdb6a3c39dc1a4cc4f79c6ba03d..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_870.pdf deleted file mode 100644 index 6788e3815b666bb2a6cd419de726ba6656bcee98..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_885.pdf deleted file mode 100644 index ad0ffcd822a50254a7c82e5b7b29d6e23deb4f31..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_900.pdf deleted file mode 100644 index 18aae0aee0cb8927af07285e334ffcb6727c7008..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_3_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_1.pdf deleted file mode 100644 index ddc75f57659352664ddbd3a880c1bc4f5ad86948..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_15.pdf deleted file mode 100644 index 9e86850050f0d9850d4f755ea98b3a71a3015e72..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_30.pdf deleted file mode 100644 index 975611dae7e133dbb14232501bc22c1aafc267ad..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_450.pdf deleted file mode 100644 index 44b16292c5a0620fb1e06545a64e8cf5d6aac20b..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_465.pdf deleted file mode 100644 index 86e6cd7892c683f1224d08551fb1c1f7714a19a2..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_480.pdf deleted file mode 100644 index 9f3ffd101464b7f1809276314d07cb5ffdb5bb8d..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_870.pdf deleted file mode 100644 index 44c0aed4c914ba822065e2795b47d3219f10c8a7..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_885.pdf deleted file mode 100644 index 0f92cf57e48b0636d8e289adbf20a079cf810a0c..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_900.pdf deleted file mode 100644 index 77c088a4aea35e158eac7075d1a940cb52cc7061..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_4_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_1.pdf deleted file mode 100644 index 66a60748808b3ff21141dab6a8dd00f021756edf..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_15.pdf deleted file mode 100644 index fd30a7b79aac03b4f5e89868d316d0e1d379b62b..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_30.pdf deleted file mode 100644 index 73145994416fcfaadd9b413e1493f523408a7154..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_450.pdf deleted file mode 100644 index 4501bd0b13dc1165ff3b2643b5a700d39dc0123a..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_465.pdf deleted file mode 100644 index 1f47e66b4d28e6c8caabe2247f97fb623758f8cd..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_480.pdf deleted file mode 100644 index 29f9e1643a2c2f6aa0a896f590c8b06e32bba7ef..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_870.pdf deleted file mode 100644 index 9b8228f6467adee7c24e49d7805020caba7cec45..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_885.pdf deleted file mode 100644 index 4758075755efac78541b14581358e24043ce0b79..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_900.pdf deleted file mode 100644 index faa67d7b4ce5eae99f7121cf3f5aa8b3b029a2c3..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_5_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_1.pdf deleted file mode 100644 index 7ca54669975c9d960a84e0f3931505f030b6769b..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_15.pdf deleted file mode 100644 index 24480402a7f3e545517276e8a3ad4c91c9097c2f..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_30.pdf deleted file mode 100644 index f0de42bcad22e843add89fed822767f0cf716a3a..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_450.pdf deleted file mode 100644 index 00d8307fc35144d60443713b41e863f8a901e8e0..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_465.pdf deleted file mode 100644 index 5831ea81375700d1491b5ea668db69ccf2dbab26..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_480.pdf deleted file mode 100644 index 7963211aa1c5a7a56157f113e8196beb42cfd21d..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_870.pdf deleted file mode 100644 index 3efe77d131c3d857dbfdf6f2c925f55419526352..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_885.pdf deleted file mode 100644 index b0d2f48998c98e2fd8a7076a71ae7f85d26779af..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_900.pdf deleted file mode 100644 index 37f210a3145a1d1545f5ff1374b84f714aa2c33a..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_6_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_1.pdf deleted file mode 100644 index 1369a4856bd61e8dfffbb5de1bb1775d62a88672..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_15.pdf deleted file mode 100644 index d5e22f21d78483d47a741da1c22e47c75794e5f8..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_30.pdf deleted file mode 100644 index c071ed31c94d502dbaac5207fa8b04b0c8ab0f5a..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_450.pdf deleted file mode 100644 index 53483be54c4f276cc0614dfb3a34fcb56b6670b9..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_465.pdf deleted file mode 100644 index b7415ea0e13d5ceee5fc17cf2641f5474499e66a..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_480.pdf deleted file mode 100644 index 0a83ba246c17b1f2d506633aec18808fd2310895..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_870.pdf deleted file mode 100644 index b553b03aae3f70a4c6a98b58f1e609bd2e18cdd4..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_885.pdf deleted file mode 100644 index b574481aec724b6b0b38d3b64226271ee810fd34..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_900.pdf deleted file mode 100644 index bf4678daf130cd89f2f5bc8dd1afca21c3b352cd..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_7_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_1.pdf deleted file mode 100644 index 664e328f68bbc59b7e36bd9280f99ebf3b8d6447..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_15.pdf deleted file mode 100644 index 92f01b46a7f72e942cd9c9f22663f37c7be9efa1..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_30.pdf deleted file mode 100644 index 506dc199ee779eb5ed26237b01034afb47c44715..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_450.pdf deleted file mode 100644 index d17e457a046d0593df74122f8ee3bada2b475bf0..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_465.pdf deleted file mode 100644 index fc3ba7d926d33d7f9ff1fd3a820d49bbd6668782..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_480.pdf deleted file mode 100644 index 8fc9d27e1f8f4f9e6ca6d54404489c10b0211414..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_870.pdf deleted file mode 100644 index 254f12c839b2f42c100b3bbc3a486e04a47f1da6..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_885.pdf deleted file mode 100644 index d1c4d94500bf48c2e490c844209489524eb6f0c7..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_900.pdf deleted file mode 100644 index a19580ac285770daad032c7eef51e29efcfe23dd..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_8_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_1.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_1.pdf deleted file mode 100644 index cc93795850446ec9add7c6dc94e6cd7cabda3add..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_1.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_15.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_15.pdf deleted file mode 100644 index f02ec52c66877c1622968f109ccfa4e8c2fb006d..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_15.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_30.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_30.pdf deleted file mode 100644 index ae517d4cdba18cd615d2c61443d0ac9eaec23961..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_30.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_450.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_450.pdf deleted file mode 100644 index ffaad6ddbca4ad25465232e99f5f5581b04dddd4..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_450.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_465.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_465.pdf deleted file mode 100644 index c203e33e68ea5d2158f0bbcbf6e81c1e46e674f1..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_465.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_480.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_480.pdf deleted file mode 100644 index 4caba44a05c244e09b89b54719f3711677663d22..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_480.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_870.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_870.pdf deleted file mode 100644 index cf0de401a8aa103c2a4c0795fde7818383f8e673..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_870.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_885.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_885.pdf deleted file mode 100644 index c070ce3d0751d4f6b836a75cbc6b96be289987d6..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_885.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_900.pdf b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_900.pdf deleted file mode 100644 index 8285aec7e8f463ae2416486ec7de8e779c0809c6..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/figs/psf_9_900.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/plotPSFMats.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/plotPSFMats.py deleted file mode 100644 index 5cb176b2ea0b3c95b8e09acfe8249e7be2f9c74a..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/plotPSFMats.py +++ /dev/null @@ -1,99 +0,0 @@ -import sys -from itertools import islice - -import mpi4py.MPI as MPI - -import numpy as np -import matplotlib.pyplot as plt -import matplotlib as mpl -mpl.use('Agg') - -import scipy.io -#import xlrd -from scipy import ndimage - -sys.path.append("/public/home/weichengliang/lnData/CSST_new_framwork/csstPSF_20210108") -import PSFConfig as myConfig -import PSFUtil as myUtil - -NPSF = 900 -############################## -############################## -############################## -def test_psfPlot(iccd, ipsf, psfPath): - plt.cla() - plt.close('all') - #psf质心位置检查,图像切片程序检查 - fig = plt.figure(figsize=(4,16)) - plt.subplots_adjust(wspace=0.1, hspace=0.1) - - psfSet = [] - psfSetX= [] - for iwave in range(1, 5): - psfInfo = myConfig.LoadPSF(iccd, iwave, ipsf, psfPath, InputMaxPixelPos=True, PSFCentroidWgt=False) - psfSet.append(psfInfo) - - psfInfo = myConfig.LoadPSF(iccd, iwave, ipsf, psfPath, InputMaxPixelPos=True, PSFCentroidWgt=True) - psfSetX.append(psfInfo) - - ax = plt.subplot(4,1,iwave) - psfMat = psfSet[iwave-1]['psfMat'] - pixsize = psfSet[iwave-1]['pixsize']*1e-3 #microns -> mm - print('psfMat-shape:', psfMat.shape) - - npix = psfMat.shape[0] - pixCutEdge= int(npix/2-15) - plt.imshow((psfMat[pixCutEdge:npix-pixCutEdge, pixCutEdge:npix-pixCutEdge]), origin='lower') - plt.plot([npix/2-pixCutEdge, npix/2-pixCutEdge],[0, (npix/2-pixCutEdge)*2-1],'w--') - plt.plot([0, (npix/2-pixCutEdge)*2-1],[npix/2-pixCutEdge, npix/2-pixCutEdge],'w--') - - imgX = psfSet[iwave-1]['image_x'] #in mm - imgY = psfSet[iwave-1]['image_y'] #in mm - #cenX = imgX +deltX - #cenY = imgY -deltY - - deltX= psfSet[iwave-1]['centroid_x'] #in mm - deltY= psfSet[iwave-1]['centroid_y'] #in mm - cenPix_X = npix/2 + deltX/pixsize - cenPix_Y = npix/2 + deltY/pixsize - plt.plot([cenPix_X-pixCutEdge],[cenPix_Y-pixCutEdge], 'rx', ms = 20) - - deltX= psfSetX[iwave-1]['centroid_x'] #in mm - deltY= psfSetX[iwave-1]['centroid_y'] #in mm - cenPix_X = npix/2 + deltX/pixsize - cenPix_Y = npix/2 + deltY/pixsize - plt.plot([cenPix_X-pixCutEdge],[cenPix_Y-pixCutEdge], 'bx', ms = 10, mew=2) - - maxX = psfSet[iwave-1]['max_x'] - maxY = psfSet[iwave-1]['max_y'] - maxPix_X = npix/2 + maxX/pixsize - maxPix_Y = npix/2 + maxY/pixsize - plt.plot([maxPix_X-pixCutEdge],[maxPix_Y-pixCutEdge], 'r+', ms = 20) - - - img = psfMat/np.sum(psfMat) - y, x = ndimage.center_of_mass(img) - print(x, y) - print(cenPix_X, cenPix_Y) - plt.plot([x-pixCutEdge],[y-pixCutEdge], 'wx', ms = 5, mew=1) - plt.annotate('iccd={:}, iwave={:}, ipsf={:}'.format(iccd, iwave, ipsf), [0,(npix/2-pixCutEdge)*2-5], c='w', size=15) - plt.savefig('figs/psf_{:}_{:}.pdf'.format(iccd, ipsf)) - - print('psfSet has been loaded.') - print('Usage: psfSet[i][keys]') - print('psfSet.keys:', psfSet[0].keys()) - - -############################## -############################## -############################## -if __name__=='__main__': - iccd = 2 #[1, 30] - iwave= 2 #[1, 4] - ipsf = 46 #[1, 100] - psfPath = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_20210108/CSST_psf_ciomp_2p5um_cycle3_ccr90' - - iipsf = [1, 15, 30, 450, 465, 480, 870, 885, 900] - for iccd in range(1, 31): - for ipsf in iipsf: - test_psfPlot(iccd, ipsf, psfPath) diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/plotPSFMats_REE50.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/plotPSFMats_REE50.py deleted file mode 100644 index 81e00f1df589eed22155fb25c432d2a00e678877..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/plotPSFMats_REE50.py +++ /dev/null @@ -1,117 +0,0 @@ -import sys -from itertools import islice - -import mpi4py.MPI as MPI - -import numpy as np -import matplotlib.pyplot as plt -import matplotlib as mpl -mpl.use('Agg') - -import scipy.io -#import xlrd -from scipy import ndimage - -sys.path.append("/public/home/weichengliang/lnData/CSST_new_framwork/csstPSF_20210108") -import PSFConfig as myConfig -import PSFUtil as myUtil - -NPSF = 900 -############################## -############################## -############################## -def test_psfPlot(iccd, iwave, ipsf, psfPath, r50): - #psf质心位置检查,图像切片程序检查 - plt.cla() - plt.close("all") - - fig = plt.figure(figsize=(4,8)) - plt.subplots_adjust(wspace=0.1, hspace=0.1) - - #psfSet = [] - #psfSetX= [] - - #for iwave in range(1, 5): - psfInfo = myConfig.LoadPSF(iccd, iwave, ipsf, psfPath, InputMaxPixelPos=True, PSFCentroidWgt=False) - #psfSet.append(psfInfo) - - psfInfoX = myConfig.LoadPSF(iccd, iwave, ipsf, psfPath, InputMaxPixelPos=True, PSFCentroidWgt=True) - #psfSetX.append(psfInfo) - - ax = plt.subplot(2,1,1) - psfMat = psfInfo['psfMat'] - pixsize = psfInfo['pixsize']*1e-3 #microns -> mm - print('psfMat-shape:', psfMat.shape) - - npix = psfMat.shape[0] - pixCutEdge= int(npix/2-15) - plt.imshow(np.log10(1e-6+psfMat[pixCutEdge:npix-pixCutEdge, pixCutEdge:npix-pixCutEdge]), origin='lower') - plt.plot([npix/2-pixCutEdge, npix/2-pixCutEdge],[0, (npix/2-pixCutEdge)*2-1],'w--') - plt.plot([0, (npix/2-pixCutEdge)*2-1],[npix/2-pixCutEdge, npix/2-pixCutEdge],'w--') - - imgX = psfInfo['image_x'] #in mm - imgY = psfInfo['image_y'] #in mm - #cenX = imgX +deltX - #cenY = imgY -deltY - - #deltX= psfSet[iwave-1]['centroid_x'] #in mm - #deltY= psfSet[iwave-1]['centroid_y'] #in mm - #cenPix_X = npix/2 + deltX/pixsize - #cenPix_Y = npix/2-1 + deltY/pixsize - #plt.plot([cenPix_X-pixCutEdge],[cenPix_Y-pixCutEdge], 'rx', ms = 20) - - deltX= psfInfoX['centroid_x'] #in mm - deltY= psfInfoX['centroid_y'] #in mm - cenPix_X = npix/2 + deltX/pixsize - cenPix_Y = npix/2 + deltY/pixsize - plt.plot([cenPix_X-pixCutEdge],[cenPix_Y-pixCutEdge], 'bx', ms = 10, mew=2) - - #maxX = psfSet[iwave-1]['max_x'] - #maxY = psfSet[iwave-1]['max_y'] - #maxPix_X = npix/2 + maxX/pixsize - #maxPix_Y = npix/2-1 + maxY/pixsize - #plt.plot([maxPix_X-pixCutEdge],[maxPix_Y-pixCutEdge], 'r+', ms = 20) - - - #img = psfMat/np.sum(psfMat) - #y, x = ndimage.center_of_mass(img) - #print(x, y) - #print(cenPix_X, cenPix_Y) - #plt.plot([x-pixCutEdge],[y-pixCutEdge], 'wx', ms = 5, mew=1) - - plt.annotate('iccd={:}, iwave={:}, ipsf={:}'.format(iccd, iwave, ipsf), [0,(npix/2-pixCutEdge)*2-5], c='w', size=15) - - ax = plt.subplot(2,1,2) - cenPix = [cenPix_X, cenPix_Y] - img = myUtil.psfTailor(psfMat, apSizeInArcsec=2*r50, psfSampleSizeInMicrons=2.5, cenPix=cenPix) - plt.imshow(np.log10(1e-6+img[pixCutEdge:npix-pixCutEdge, pixCutEdge:npix-pixCutEdge]), origin='lower') - plt.plot([npix/2-pixCutEdge, npix/2-pixCutEdge],[0, (npix/2-pixCutEdge)*2-1],'w--') - plt.plot([0, (npix/2-pixCutEdge)*2-1],[npix/2-pixCutEdge, npix/2-pixCutEdge],'w--') - - - plt.savefig('figs/psf_{:}_{:}_2r50_log.pdf'.format(iccd, ipsf)) - - #print('psfSet has been loaded.') - #print('Usage: psfSet[i][keys]') - #print('psfSet.keys:', psfSet[0].keys()) - - -############################## -############################## -############################## -if __name__=='__main__': - iccd = 2 #[1, 30] - iwave= 2 #[1, 4] - ipsf = 46 #[1, 100] - psfPath = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_20210108/CSST_psf_ciomp_2p5um_cycle3' - - REE50 = np.loadtxt('REE50_w{:}.txt'.format(iwave)) - iipsf = [1, 15, 30, 450, 465, 480, 870, 885, 900] - for iccd in range(1, 31): - r50 = REE50[iccd-1] - print(r50) - for ipsf in iipsf: - test_psfPlot(iccd, iwave, ipsf, psfPath, r50) - - - diff --git a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/plotPSFMats_centroid.py b/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/plotPSFMats_centroid.py deleted file mode 100644 index 9b4ef26b13d5f06d4770786c5e50bb28f76a929b..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/PSFInterp_v3/test/plotPSFMats_centroid.py +++ /dev/null @@ -1,99 +0,0 @@ -import sys -from itertools import islice - -import mpi4py.MPI as MPI - -import numpy as np -import matplotlib.pyplot as plt -import matplotlib as mpl -mpl.use('Agg') - -import scipy.io -#import xlrd -from scipy import ndimage - -sys.path.append("/public/home/weichengliang/lnData/CSST_new_framwork/csstPSF_20210108") -import PSFConfig as myConfig -import PSFUtil as myUtil - -NPSF = 900 -############################## -############################## -############################## -def test_psfPlot(iccd, ipsf, psfPath): - plt.cla() - plt.close('all') - #psf质心位置检查,图像切片程序检查 - fig = plt.figure(figsize=(4,16)) - plt.subplots_adjust(wspace=0.1, hspace=0.1) - - psfSet = [] - psfSetX= [] - for iwave in range(1, 5): - psfInfo = myConfig.LoadPSF(iccd, iwave, ipsf, psfPath, InputMaxPixelPos=True, PSFCentroidWgt=False) - psfSet.append(psfInfo) - - psfInfo = myConfig.LoadPSF(iccd, iwave, ipsf, psfPath, InputMaxPixelPos=True, PSFCentroidWgt=True) - psfSetX.append(psfInfo) - - ax = plt.subplot(4,1,iwave) - psfMat = psfSetX[iwave-1]['psfMat'] - pixsize = psfSet[iwave-1]['pixsize']*1e-3 #microns -> mm - print('psfMat-shape:', psfMat.shape) - - npix = psfMat.shape[0] - pixCutEdge= int(npix/2-15) - plt.imshow((psfMat[pixCutEdge:npix-pixCutEdge, pixCutEdge:npix-pixCutEdge]), origin='lower') - plt.plot([npix/2-pixCutEdge, npix/2-pixCutEdge],[0, (npix/2-pixCutEdge)*2-1],'w--') - plt.plot([0, (npix/2-pixCutEdge)*2-1],[npix/2-pixCutEdge, npix/2-pixCutEdge],'w--') - - imgX = psfSet[iwave-1]['image_x'] #in mm - imgY = psfSet[iwave-1]['image_y'] #in mm - #cenX = imgX +deltX - #cenY = imgY -deltY - - deltX= psfSet[iwave-1]['centroid_x'] #in mm - deltY= psfSet[iwave-1]['centroid_y'] #in mm - cenPix_X = npix/2 + deltX/pixsize - cenPix_Y = npix/2 + deltY/pixsize - plt.plot([cenPix_X-pixCutEdge],[cenPix_Y-pixCutEdge], 'rx', ms = 20) - - deltX= psfSetX[iwave-1]['centroid_x'] #in mm - deltY= psfSetX[iwave-1]['centroid_y'] #in mm - cenPix_X = npix/2 + deltX/pixsize - cenPix_Y = npix/2 + deltY/pixsize - plt.plot([cenPix_X-pixCutEdge],[cenPix_Y-pixCutEdge], 'bx', ms = 10, mew=2) - - maxX = psfSet[iwave-1]['max_x'] - maxY = psfSet[iwave-1]['max_y'] - maxPix_X = npix/2 + maxX/pixsize - maxPix_Y = npix/2 + maxY/pixsize - plt.plot([maxPix_X-pixCutEdge],[maxPix_Y-pixCutEdge], 'r+', ms = 20) - - - img = psfMat/np.sum(psfMat) - y, x = ndimage.center_of_mass(img) - print(x, y) - print(cenPix_X, cenPix_Y) - plt.plot([x-pixCutEdge],[y-pixCutEdge], 'wx', ms = 5, mew=1) - plt.annotate('iccd={:}, iwave={:}, ipsf={:}'.format(iccd, iwave, ipsf), [0,(npix/2-pixCutEdge)*2-5], c='w', size=15) - plt.savefig('figs/psf_{:}_{:}.pdf'.format(iccd, ipsf)) - - print('psfSet has been loaded.') - print('Usage: psfSet[i][keys]') - print('psfSet.keys:', psfSet[0].keys()) - - -############################## -############################## -############################## -if __name__=='__main__': - iccd = 2 #[1, 30] - iwave= 2 #[1, 4] - ipsf = 46 #[1, 100] - psfPath = '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_20210108/CSST_psf_ciomp_2p5um_cycle3_ccr90' - - iipsf = [1, 15, 30, 450, 465, 480, 870, 885, 900] - for iccd in range(1, 31): - for ipsf in iipsf: - test_psfPlot(iccd, ipsf, psfPath) diff --git a/ObservationSim/PSF/PSFInterp_deprecated/README b/ObservationSim/PSF/PSFInterp_deprecated/README deleted file mode 100644 index 0ab409af64c5a820dd626e0297279ba091d816b0..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/README +++ /dev/null @@ -1,16 +0,0 @@ -长光psf采样说明: - -10*10采样: -晓波: -1. 此次PSF采样采用理想像面,没有考虑加入光栅和滤光片的影响,PSF采样顺序按照约定好的CCD编号进行采样; -2. PSF采样对应的视场大小约为1.2平方度; -3. EXCEL表格中给出了每片CCD对应的PSF采样信息,field_X和field_Y对应物视场的视场角度,Image_x和Image_y对应此PSF质心在CCD上的坐标信息; -4. 每个PSF采样间距为5μm,采样数为180*180,因此PSF为边长900μm的正方形; -5. 每片CCD上都采10*10个PSF,采样顺序按照PPT图中所示的psf_1到psf_100依次进行采样。 - -班章: -1. EXCEL表格中给出了每片CCD对应的PSF采样信息,field_X和field_Y对应物视场的视场角度,centroid_x和centroid _y分别对应此PSF质心距离PSF采样图形几何中心的横向和纵向偏移量 -2. centroid_x中负号表示质心向左偏移,正号表示质心向右偏移;centroid_y中负号表示质心向下偏移,正号表示质心向上偏移。单位是(mm)【wei, 全局坐标系,不是像素坐标系,需要注意+/-y的问题】 - - -30*30采样: diff --git a/ObservationSim/PSF/PSFInterp_deprecated/__init__.py b/ObservationSim/PSF/PSFInterp_deprecated/__init__.py deleted file mode 100644 index b04c4579476d6210d6071fd1fa8fc5c5a87bb886..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/__init__.py +++ /dev/null @@ -1 +0,0 @@ -from .PSFInterp import PSFInterp \ No newline at end of file diff --git a/ObservationSim/PSF/PSFInterp_deprecated/__pycache__/PSFInterp.cpython-38.pyc b/ObservationSim/PSF/PSFInterp_deprecated/__pycache__/PSFInterp.cpython-38.pyc deleted file mode 100644 index 3d56eabe1e99ca0a1dff4bcc223b101f054c7881..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/__pycache__/PSFInterp.cpython-38.pyc and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/__pycache__/__init__.cpython-38.pyc b/ObservationSim/PSF/PSFInterp_deprecated/__pycache__/__init__.cpython-38.pyc deleted file mode 100644 index e36810495d4cff67c1957897a7c9a33b233152d9..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/__pycache__/__init__.cpython-38.pyc and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/__pycache__/psfConfig.cpython-38.pyc b/ObservationSim/PSF/PSFInterp_deprecated/__pycache__/psfConfig.cpython-38.pyc deleted file mode 100644 index c7a0092867b1891f6e0146883ce29f739c227627..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/__pycache__/psfConfig.cpython-38.pyc and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/.DS_Store b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/.DS_Store deleted file mode 100644 index 5a56dd6539634ec9c379161440a52f9c2c23b857..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/.DS_Store and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/Makefile b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/Makefile deleted file mode 100644 index 85de19f8f7bec833568d004b981f6bc45436472d..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/Makefile +++ /dev/null @@ -1,32 +0,0 @@ -#OPTS += -D - -CC = gcc -OPTIMIZE = -fPIC -g -O3 #-Wall -wd981 #-wd1419 -wd810 -#GSLI = -I/home/alex/opt/gsl/include -#GSLL = -L/home/alex/opt/gsl/lib -lgsl -lgslcblas -#FFTWI = -I/home/alex/opt/fftw/include -#FFTWL = -L/home/alex/opt/fftw/lib -lfftw3 -lfftw3f -#HDF5I = -I/home/alex/opt/hdf5/include -#HDF5L = -L/home/alex/opt/hdf5/lib -lhdf5_hl -lhdf5 -#FITSI = -I/home/alex/opt/cfitsio/include -#FITSL = -L/home/alex/opt/cfitsio/lib -lcfitsio -#EXTRACFLAGS = -#EXTRACLIB = - -CLINK=$(CC) -CFLAGS=$(OPTIMIZE) #$(EXTRACFLAGS) $(OPTS) -CLIB= -shared -lm #$(EXTRACLIB) - -OBJS = PCA.o gasdev.o indexx.o nrutil.o svdcmp.o pythag.o ran1.o - -EXEC = libPCA.so -all: $(EXEC) - -$(EXEC): $(OBJS) - $(CLINK) $(CFLAGS) -o $@ $(OBJS) $(CLIB) - -$(OBJS): nrutil.h Makefile - -.PHONY : clean -clean: - rm -f *.o $(EXEC) diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/PCA.c b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/PCA.c deleted file mode 100644 index 2351f4db33581a8c1063f66dc5ee1614b31ce73d..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/PCA.c +++ /dev/null @@ -1,145 +0,0 @@ -#include -#include -#include -#include "nrutil.h" - - -void PCA(float **star,int Nstar,int Mp,double **basef,double **coff); - -void psfPCA(float *tstar, int tNstar, int tMp, double *tbasef, double *tcoff) -{ - int i, j, k; - float **star; - double **basef; - double **coff; - - fprintf(stdout, "libPCA.so: load libPCA for psf-Matrix-[%d, %d]\n", tNstar, tMp); - fflush(stdout); - - star = matrix(0, tNstar-1, 0, tMp-1); - for(i=0; i=Nstar){ - a=dmatrix(1,Mp,1,Nstar); - v=dmatrix(1,Nstar,1,Nstar); - w=dvector(1,Nstar); - indx=ivector(1,Nstar); - for(i=1;i<=Nstar;i++){for(j=1;j<=Mp;j++)a[j][i]=star[i-1][j-1];} - svdcmp(a,Mp,Nstar,w,v); - indexx(Nstar,w,indx); - for(j=1;j<=Nstar;j++){ - k=indx[Nstar-j+1]; - for(i=1;i<=Mp;i++)basef[j-1][i-1]=a[i][k]; - } - for(i=1;i<=Nstar;i++){ - for(j=1;j<=Nstar;j++){ - k=indx[Nstar-j+1]; - coff[i-1][j-1]= w[k]*v[i][k]; - } - } - //for(j=1;j<=Nstar;j++){for(i=1;i<=Mp;i++)basef[j-1][i-1]=a[i][j];} - //for(i=1;i<=Nstar;i++){for(k=1;k<=Nstar;k++)coff[i-1][k-1]= w[k]*v[i][k];} - - free_dmatrix(a,1,Mp,1,Nstar); - free_dmatrix(v,1,Nstar,1,Nstar); - free_dvector(w,1,Nstar); - free_ivector(indx,1,Nstar); - } - - else{ - a=dmatrix(1,Nstar,1,Mp); - v=dmatrix(1,Mp,1,Mp); - w=dvector(1,Mp); - indx=ivector(1,Mp); - for(i=1;i<=Nstar;i++){for(j=1;j<=Mp;j++)a[i][j]=star[i-1][j-1];} - svdcmp(a,Nstar,Mp,w,v); - indexx(Mp,w,indx); - for(j=1;j<=Mp;j++){ - k=indx[Mp-j+1]; - for(i=1;i<=Mp;i++)basef[j-1][i-1]=v[i][k]; - } - for(i=1;i<=Nstar;i++){ - for(j=1;j<=Mp;j++){ - k=indx[Mp-j+1]; - coff[i-1][j-1]= w[k]*a[i][k]; - } - } - free_dmatrix(a,1,Nstar,1,Mp); - free_dmatrix(v,1,Mp,1,Mp); - free_dvector(w,1,Mp); - free_ivector(indx,1,Mp); - } -} -void PCA_err(float **err,int Nstar,int Mp,int nbf,double **basef,double **cofferr) -{ - float gasdev(long *iseed); - long iseed=-1; - int nc=100,i,j,k,ns; - double sum,*mean,**coeffs,*start,*errt,det; - FILE *fp; - start=dvector(0,Mp); - mean=dvector(0,nbf); - coeffs=dmatrix(0,nc,0,nbf); - for(ns=0;ns -#include -#include -#include "nrutil.h" -void PCA(float **star,int Nstar,int Mp,double **basef,double **coff) -{ - - void svdcmp(double **a, int m, int n, double *w, double **v); - void indexx(int n, double arr[], int *indx); - double **a,**v,*w,*check; - int i,j,k,*indx; - if(Mp>=Nstar){ - a=dmatrix(1,Mp,1,Nstar); - v=dmatrix(1,Nstar,1,Nstar); - w=dvector(1,Nstar); - indx=ivector(1,Nstar); - for(i=1;i<=Nstar;i++){for(j=1;j<=Mp;j++)a[j][i]=star[i-1][j-1];} - svdcmp(a,Mp,Nstar,w,v); - indexx(Nstar,w,indx); - for(j=1;j<=Nstar;j++){ - k=indx[Nstar-j+1]; - for(i=1;i<=Mp;i++)basef[j-1][i-1]=a[i][k]; - } - for(i=1;i<=Nstar;i++){ - for(j=1;j<=Nstar;j++){ - k=indx[Nstar-j+1]; - coff[i-1][j-1]= w[k]*v[i][k]; - } - } - //for(j=1;j<=Nstar;j++){for(i=1;i<=Mp;i++)basef[j-1][i-1]=a[i][j];} - //for(i=1;i<=Nstar;i++){for(k=1;k<=Nstar;k++)coff[i-1][k-1]= w[k]*v[i][k];} - - free_dmatrix(a,1,Mp,1,Nstar); - free_dmatrix(v,1,Nstar,1,Nstar); - free_dvector(w,1,Nstar); - free_ivector(indx,1,Nstar); - } - - else{ - a=dmatrix(1,Nstar,1,Mp); - v=dmatrix(1,Mp,1,Mp); - w=dvector(1,Mp); - indx=ivector(1,Mp); - for(i=1;i<=Nstar;i++){for(j=1;j<=Mp;j++)a[i][j]=star[i-1][j-1];} - svdcmp(a,Nstar,Mp,w,v); - indexx(Mp,w,indx); - for(j=1;j<=Mp;j++){ - k=indx[Mp-j+1]; - for(i=1;i<=Mp;i++)basef[j-1][i-1]=v[i][k]; - } - for(i=1;i<=Nstar;i++){ - for(j=1;j<=Mp;j++){ - k=indx[Mp-j+1]; - coff[i-1][j-1]= w[k]*a[i][k]; - } - } - free_dmatrix(a,1,Nstar,1,Mp); - free_dmatrix(v,1,Mp,1,Mp); - free_dvector(w,1,Mp); - free_ivector(indx,1,Mp); - } -} -void PCA_err(float **err,int Nstar,int Mp,int nbf,double **basef,double **cofferr) -{ - float gasdev(long *iseed); - long iseed=-1; - int nc=100,i,j,k,ns; - double sum,*mean,**coeffs,*start,*errt,det; - FILE *fp; - start=dvector(0,Mp); - mean=dvector(0,nbf); - coeffs=dmatrix(0,nc,0,nbf); - for(ns=0;ns - -float gasdev(long *idum) -{ - float ran1(long *idum); - static int iset=0; - static float gset; - float fac,rsq,v1,v2; - - if (iset == 0) { - do { - v1=2.0*ran1(idum)-1.0; - v2=2.0*ran1(idum)-1.0; - rsq=v1*v1+v2*v2; - } while (rsq >= 1.0 || rsq == 0.0); - fac=sqrt(-2.0*log(rsq)/rsq); - gset=v1*fac; - iset=1; - return v2*fac; - } else { - iset=0; - return gset; - } -} -/* (C) Copr. 1986-92 Numerical Recipes Software )1!. */ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/gasdev.o b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/gasdev.o deleted file mode 100644 index 0a1d052ad0d860e45090ab38ab99256abc1f37eb..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/gasdev.o and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/indexx.c b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/indexx.c deleted file mode 100644 index 15f8767065de58da6a979857f7cee8a66364ba25..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/indexx.c +++ /dev/null @@ -1,72 +0,0 @@ -#define NRANSI -#include "nrutil.h" -#define SWAP(a,b) itemp=(a);(a)=(b);(b)=itemp; -#define M 7 -#define NSTACK 50 - -void indexx(int n, double arr[], int *indx) -{ - unsigned long i,indxt,ir=n,itemp,j,k,l=1; - int jstack=0,*istack; - double a; - - istack=ivector(1,NSTACK); - for (j=1;j<=n;j++) indx[j]=j; - for (;;) { - if (ir-l < M) { - for (j=l+1;j<=ir;j++) { - indxt=indx[j]; - a=arr[indxt]; - for (i=j-1;i>=1;i--) { - if (arr[indx[i]] <= a) break; - indx[i+1]=indx[i]; - } - indx[i+1]=indxt; - } - if (jstack == 0) break; - ir=istack[jstack--]; - l=istack[jstack--]; - } else { - k=(l+ir) >> 1; - SWAP(indx[k],indx[l+1]); - if (arr[indx[l+1]] > arr[indx[ir]]) { - SWAP(indx[l+1],indx[ir]) - } - if (arr[indx[l]] > arr[indx[ir]]) { - SWAP(indx[l],indx[ir]) - } - if (arr[indx[l+1]] > arr[indx[l]]) { - SWAP(indx[l+1],indx[l]) - } - i=l+1; - j=ir; - indxt=indx[l]; - a=arr[indxt]; - for (;;) { - do i++; while (arr[indx[i]] < a); - do j--; while (arr[indx[j]] > a); - if (j < i) break; - SWAP(indx[i],indx[j]) - } - indx[l]=indx[j]; - indx[j]=indxt; - jstack += 2; - if (jstack > NSTACK) nrerror("NSTACK too small in indexx."); - if (ir-i+1 >= j-l) { - istack[jstack]=ir; - istack[jstack-1]=i; - ir=j-1; - } else { - istack[jstack]=j-1; - istack[jstack-1]=l; - l=i; - } - } - } - free_ivector(istack,1,NSTACK); -} -#undef M -#undef NSTACK -#undef SWAP -#undef NRANSI -/* (C) Copr. 1986-92 Numerical Recipes Software )1!. */ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/indexx.o b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/indexx.o deleted file mode 100644 index 900a5b9e542101721234f8670d92569cbe3bed41..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/indexx.o and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/libPCA.so b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/libPCA.so deleted file mode 100755 index 11dea1527f64d11fced0aa3c3b9969981631086b..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/libPCA.so and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/nrutil.c b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/nrutil.c deleted file mode 100644 index 05bcdeca46be8371d77ccd36c0c6b7ae4242baae..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/nrutil.c +++ /dev/null @@ -1,769 +0,0 @@ -#if defined(__STDC__) || defined(ANSI) || defined(NRANSI) /* ANSI */ - -#include -#include -#include -#define NR_END 1 -#define FREE_ARG char* - -void nrerror(char error_text[]) -/* Numerical Recipes standard error handler */ -{ - fprintf(stderr,"Numerical Recipes run-time error...\n"); - fprintf(stderr,"%s\n",error_text); - fprintf(stderr,"...now exiting to system...\n"); - exit(1); -} - -float *vector(long nl, long nh) -/* allocate a float vector with subscript range v[nl..nh] */ -{ - float *v; - - v=(float *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(float))); - if (!v) nrerror("allocation failure in vector()"); - return v-nl+NR_END; -} - -int *ivector(long nl, long nh) -/* allocate an int vector with subscript range v[nl..nh] */ -{ - int *v; - - v=(int *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(int))); - if (!v) nrerror("allocation failure in ivector()"); - return v-nl+NR_END; -} - -unsigned char *cvector(long nl, long nh) -/* allocate an unsigned char vector with subscript range v[nl..nh] */ -{ - unsigned char *v; - - v=(unsigned char *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(unsigned char))); - if (!v) nrerror("allocation failure in cvector()"); - return v-nl+NR_END; -} - -unsigned long *lvector(long nl, long nh) -/* allocate an unsigned long vector with subscript range v[nl..nh] */ -{ - unsigned long *v; - - v=(unsigned long *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(long))); - if (!v) nrerror("allocation failure in lvector()"); - return v-nl+NR_END; -} - -double *dvector(long nl, long nh) -/* allocate a double vector with subscript range v[nl..nh] */ -{ - double *v; - - v=(double *)malloc((size_t) ((nh-nl+1+NR_END)*sizeof(double))); - if (!v) nrerror("allocation failure in dvector()"); - return v-nl+NR_END; -} - -float **matrix(long nrl, long nrh, long ncl, long nch) -/* allocate a float matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((size_t)((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(float *) malloc((size_t)((nrow*ncol+NR_END)*sizeof(float))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -double **dmatrix(long nrl, long nrh, long ncl, long nch) -/* allocate a double matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - double **m; - - /* allocate pointers to rows */ - m=(double **) malloc((size_t)((nrow+NR_END)*sizeof(double*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(double *) malloc((size_t)((nrow*ncol+NR_END)*sizeof(double))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -int **imatrix(long nrl, long nrh, long ncl, long nch) -/* allocate a int matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - int **m; - - /* allocate pointers to rows */ - m=(int **) malloc((size_t)((nrow+NR_END)*sizeof(int*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - - /* allocate rows and set pointers to them */ - m[nrl]=(int *) malloc((size_t)((nrow*ncol+NR_END)*sizeof(int))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **submatrix(float **a, long oldrl, long oldrh, long oldcl, long oldch, - long newrl, long newcl) -/* point a submatrix [newrl..][newcl..] to a[oldrl..oldrh][oldcl..oldch] */ -{ - long i,j,nrow=oldrh-oldrl+1,ncol=oldcl-newcl; - float **m; - - /* allocate array of pointers to rows */ - m=(float **) malloc((size_t) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in submatrix()"); - m += NR_END; - m -= newrl; - - /* set pointers to rows */ - for(i=oldrl,j=newrl;i<=oldrh;i++,j++) m[j]=a[i]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **convert_matrix(float *a, long nrl, long nrh, long ncl, long nch) -/* allocate a float matrix m[nrl..nrh][ncl..nch] that points to the matrix -declared in the standard C manner as a[nrow][ncol], where nrow=nrh-nrl+1 -and ncol=nch-ncl+1. The routine should be called with the address -&a[0][0] as the first argument. */ -{ - long i,j,nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((size_t) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in convert_matrix()"); - m += NR_END; - m -= nrl; - - /* set pointers to rows */ - m[nrl]=a-ncl; - for(i=1,j=nrl+1;i -#define NR_END 1 -#define FREE_ARG char* - -void nrerror(error_text) -char error_text[]; -/* Numerical Recipes standard error handler */ -{ - void exit(); - - fprintf(stderr,"Numerical Recipes run-time error...\n"); - fprintf(stderr,"%s\n",error_text); - fprintf(stderr,"...now exiting to system...\n"); - exit(1); -} - -float *vector(nl,nh) -long nh,nl; -/* allocate a float vector with subscript range v[nl..nh] */ -{ - float *v; - - v=(float *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(float))); - if (!v) nrerror("allocation failure in vector()"); - return v-nl+NR_END; -} - -int *ivector(nl,nh) -long nh,nl; -/* allocate an int vector with subscript range v[nl..nh] */ -{ - int *v; - - v=(int *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(int))); - if (!v) nrerror("allocation failure in ivector()"); - return v-nl+NR_END; -} - -unsigned char *cvector(nl,nh) -long nh,nl; -/* allocate an unsigned char vector with subscript range v[nl..nh] */ -{ - unsigned char *v; - - v=(unsigned char *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(unsigned char))); - if (!v) nrerror("allocation failure in cvector()"); - return v-nl+NR_END; -} - -unsigned long *lvector(nl,nh) -long nh,nl; -/* allocate an unsigned long vector with subscript range v[nl..nh] */ -{ - unsigned long *v; - - v=(unsigned long *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(long))); - if (!v) nrerror("allocation failure in lvector()"); - return v-nl+NR_END; -} - -double *dvector(nl,nh) -long nh,nl; -/* allocate a double vector with subscript range v[nl..nh] */ -{ - double *v; - - v=(double *)malloc((unsigned int) ((nh-nl+1+NR_END)*sizeof(double))); - if (!v) nrerror("allocation failure in dvector()"); - return v-nl+NR_END; -} - -float **matrix(nrl,nrh,ncl,nch) -long nch,ncl,nrh,nrl; -/* allocate a float matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((unsigned int)((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(float *) malloc((unsigned int)((nrow*ncol+NR_END)*sizeof(float))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -double **dmatrix(nrl,nrh,ncl,nch) -long nch,ncl,nrh,nrl; -/* allocate a double matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - double **m; - - /* allocate pointers to rows */ - m=(double **) malloc((unsigned int)((nrow+NR_END)*sizeof(double*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - /* allocate rows and set pointers to them */ - m[nrl]=(double *) malloc((unsigned int)((nrow*ncol+NR_END)*sizeof(double))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -int **imatrix(nrl,nrh,ncl,nch) -long nch,ncl,nrh,nrl; -/* allocate a int matrix with subscript range m[nrl..nrh][ncl..nch] */ -{ - long i, nrow=nrh-nrl+1,ncol=nch-ncl+1; - int **m; - - /* allocate pointers to rows */ - m=(int **) malloc((unsigned int)((nrow+NR_END)*sizeof(int*))); - if (!m) nrerror("allocation failure 1 in matrix()"); - m += NR_END; - m -= nrl; - - - /* allocate rows and set pointers to them */ - m[nrl]=(int *) malloc((unsigned int)((nrow*ncol+NR_END)*sizeof(int))); - if (!m[nrl]) nrerror("allocation failure 2 in matrix()"); - m[nrl] += NR_END; - m[nrl] -= ncl; - - for(i=nrl+1;i<=nrh;i++) m[i]=m[i-1]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **submatrix(a,oldrl,oldrh,oldcl,oldch,newrl,newcl) -float **a; -long newcl,newrl,oldch,oldcl,oldrh,oldrl; -/* point a submatrix [newrl..][newcl..] to a[oldrl..oldrh][oldcl..oldch] */ -{ - long i,j,nrow=oldrh-oldrl+1,ncol=oldcl-newcl; - float **m; - - /* allocate array of pointers to rows */ - m=(float **) malloc((unsigned int) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in submatrix()"); - m += NR_END; - m -= newrl; - - /* set pointers to rows */ - for(i=oldrl,j=newrl;i<=oldrh;i++,j++) m[j]=a[i]+ncol; - - /* return pointer to array of pointers to rows */ - return m; -} - -float **convert_matrix(a,nrl,nrh,ncl,nch) -float *a; -long nch,ncl,nrh,nrl; -/* allocate a float matrix m[nrl..nrh][ncl..nch] that points to the matrix -declared in the standard C manner as a[nrow][ncol], where nrow=nrh-nrl+1 -and ncol=nch-ncl+1. The routine should be called with the address -&a[0][0] as the first argument. */ -{ - long i,j,nrow=nrh-nrl+1,ncol=nch-ncl+1; - float **m; - - /* allocate pointers to rows */ - m=(float **) malloc((unsigned int) ((nrow+NR_END)*sizeof(float*))); - if (!m) nrerror("allocation failure in convert_matrix()"); - m += NR_END; - m -= nrl; - - /* set pointers to rows */ - m[nrl]=a-ncl; - for(i=1,j=nrl+1;i (dmaxarg2) ?\ - (dmaxarg1) : (dmaxarg2)) - -static double dminarg1,dminarg2; -#define DMIN(a,b) (dminarg1=(a),dminarg2=(b),(dminarg1) < (dminarg2) ?\ - (dminarg1) : (dminarg2)) - -static float maxarg1,maxarg2; -#define FMAX(a,b) (maxarg1=(a),maxarg2=(b),(maxarg1) > (maxarg2) ?\ - (maxarg1) : (maxarg2)) - -static float minarg1,minarg2; -#define FMIN(a,b) (minarg1=(a),minarg2=(b),(minarg1) < (minarg2) ?\ - (minarg1) : (minarg2)) - -static long lmaxarg1,lmaxarg2; -#define LMAX(a,b) (lmaxarg1=(a),lmaxarg2=(b),(lmaxarg1) > (lmaxarg2) ?\ - (lmaxarg1) : (lmaxarg2)) - -static long lminarg1,lminarg2; -#define LMIN(a,b) (lminarg1=(a),lminarg2=(b),(lminarg1) < (lminarg2) ?\ - (lminarg1) : (lminarg2)) - -static int imaxarg1,imaxarg2; -#define IMAX(a,b) (imaxarg1=(a),imaxarg2=(b),(imaxarg1) > (imaxarg2) ?\ - (imaxarg1) : (imaxarg2)) - -static int iminarg1,iminarg2; -#define IMIN(a,b) (iminarg1=(a),iminarg2=(b),(iminarg1) < (iminarg2) ?\ - (iminarg1) : (iminarg2)) - -#define SIGN(a,b) ((b) >= 0.0 ? fabs(a) : -fabs(a)) - -void nrerror(char error_text[]); -float *vector(long nl, long nh); -int *ivector(long nl, long nh); -unsigned char *cvector(long nl, long nh); -unsigned long *lvector(long nl, long nh); -double *dvector(long nl, long nh); -float **matrix(long nrl, long nrh, long ncl, long nch); -double **dmatrix(long nrl, long nrh, long ncl, long nch); -int **imatrix(long nrl, long nrh, long ncl, long nch); -float **submatrix(float **a, long oldrl, long oldrh, long oldcl, long oldch, - long newrl, long newcl); -float **convert_matrix(float *a, long nrl, long nrh, long ncl, long nch); -float ***f3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_vector(float *v, long nl, long nh); -void free_ivector(int *v, long nl, long nh); -void free_cvector(unsigned char *v, long nl, long nh); -void free_lvector(unsigned long *v, long nl, long nh); -void free_dvector(double *v, long nl, long nh); -void free_matrix(float **m, long nrl, long nrh, long ncl, long nch); -void free_dmatrix(double **m, long nrl, long nrh, long ncl, long nch); -void free_imatrix(int **m, long nrl, long nrh, long ncl, long nch); -void free_submatrix(float **b, long nrl, long nrh, long ncl, long nch); -void free_convert_matrix(float **b, long nrl, long nrh, long ncl, long nch); -void free_f3tensor(float ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - - -int ***i3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_i3tensor(int ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - -unsigned char ***b3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_b3tensor(unsigned char ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - - - -double ***d3tensor(long nrl, long nrh, long ncl, long nch, long ndl, long ndh); -void free_d3tensor(double ***t, long nrl, long nrh, long ncl, long nch, - long ndl, long ndh); - - - - - - - - -unsigned char **cmatrix(long nrl, long nrh, long ncl, long nch); -void free_cmatrix(unsigned char **m, long nrl, long nrh, long ncl, long nch); - - -#endif /* _NR_UTILS_H_ */ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/nrutil.h.gch b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/nrutil.h.gch deleted file mode 100644 index 4b791fef906a67321c708e0971933e4f728f1c37..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/nrutil.h.gch and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/nrutil.o b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/nrutil.o deleted file mode 100644 index b887b12c7c1fc38b3631401cbca96885dcfdb913..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/nrutil.o and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/pythag.c b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/pythag.c deleted file mode 100644 index 7da06c7c9a96a8a9720c35af57119902d9b4282b..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/pythag.c +++ /dev/null @@ -1,14 +0,0 @@ -#include -#define NRANSI -#include "nrutil.h" - -double pythag(double a, double b) -{ - double absa,absb; - absa=fabs(a); - absb=fabs(b); - if (absa > absb) return absa*sqrt(1.0+SQR(absb/absa)); - else return (absb == 0.0 ? 0.0 : absb*sqrt(1.0+SQR(absa/absb))); -} -#undef NRANSI -/* (C) Copr. 1986-92 Numerical Recipes Software )1!. */ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/pythag.o b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/pythag.o deleted file mode 100644 index 2ead1ff217159de6057b1751955353d1dcfeecfa..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/pythag.o and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/ran1.c b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/ran1.c deleted file mode 100644 index 3393ba7837d4059998b35b259fac023ff237b491..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/ran1.c +++ /dev/null @@ -1,48 +0,0 @@ -#define IA 16807 -#define IM 2147483647 -#define AM (1.0/IM) -#define IQ 127773 -#define IR 2836 -#define NTAB 32 -#define NDIV (1+(IM-1)/NTAB) -#define EPS 1.2e-7 -#define RNMX (1.0-EPS) - -float ran1(long *idum) -{ - int j; - long k; - static long iy=0; - static long iv[NTAB]; - float temp; - - if (*idum <= 0 || !iy) { - if (-(*idum) < 1) *idum=1; - else *idum = -(*idum); - for (j=NTAB+7;j>=0;j--) { - k=(*idum)/IQ; - *idum=IA*(*idum-k*IQ)-IR*k; - if (*idum < 0) *idum += IM; - if (j < NTAB) iv[j] = *idum; - } - iy=iv[0]; - } - k=(*idum)/IQ; - *idum=IA*(*idum-k*IQ)-IR*k; - if (*idum < 0) *idum += IM; - j=iy/NDIV; - iy=iv[j]; - iv[j] = *idum; - if ((temp=AM*iy) > RNMX) return RNMX; - else return temp; -} -#undef IA -#undef IM -#undef AM -#undef IQ -#undef IR -#undef NTAB -#undef NDIV -#undef EPS -#undef RNMX -/* (C) Copr. 1986-92 Numerical Recipes Software )1!. */ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/ran1.o b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/ran1.o deleted file mode 100644 index fe1d7d256b0769e266f92fa04b3b046a27ae89ee..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/ran1.o and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/svdcmp.c b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/svdcmp.c deleted file mode 100644 index c1001108bc58fca9f5f6e561c18477393c15ca7e..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/svdcmp.c +++ /dev/null @@ -1,185 +0,0 @@ -#include -#define NRANSI -#include "nrutil.h" - - -void svdcmp(double **a, int m, int n, double *w, double **v) -{ - int flag,i,its,j,jj,k,l,nm; - double anorm,c,f,g,h,s,scale,x,y,z,*rv1; - double pythag(double a, double b); - - rv1=dvector(1,n); - g=scale=anorm=0.0; - for (i=1;i<=n;i++) { - l=i+1; - rv1[i]=scale*g; - g=s=scale=0.0; - if (i <= m) { - for (k=i;k<=m;k++) scale += fabs(a[k][i]); - if (scale) { - for (k=i;k<=m;k++) { - a[k][i] /= scale; - s += a[k][i]*a[k][i]; - } - f=a[i][i]; - g = -SIGN(sqrt(s),f); - h=f*g-s; - a[i][i]=f-g; - for (j=l;j<=n;j++) { - for (s=0.0,k=i;k<=m;k++) s += a[k][i]*a[k][j]; - f=s/h; - for (k=i;k<=m;k++) a[k][j] += f*a[k][i]; - } - for (k=i;k<=m;k++) a[k][i] *= scale; - } - } - w[i]=scale *g; - g=s=scale=0.0; - if (i <= m && i != n) { - for (k=l;k<=n;k++) scale += fabs(a[i][k]); - if (scale) { - for (k=l;k<=n;k++) { - a[i][k] /= scale; - s += a[i][k]*a[i][k]; - } - f=a[i][l]; - g = -SIGN(sqrt(s),f); - h=f*g-s; - a[i][l]=f-g; - for (k=l;k<=n;k++) rv1[k]=a[i][k]/h; - for (j=l;j<=m;j++) { - for (s=0.0,k=l;k<=n;k++) s += a[j][k]*a[i][k]; - for (k=l;k<=n;k++) a[j][k] += s*rv1[k]; - } - for (k=l;k<=n;k++) a[i][k] *= scale; - } - } - anorm=FMAX(anorm,(fabs(w[i])+fabs(rv1[i]))); - } - for (i=n;i>=1;i--) { - if (i < n) { - if (g) { - for (j=l;j<=n;j++) - v[j][i]=(a[i][j]/a[i][l])/g; - for (j=l;j<=n;j++) { - for (s=0.0,k=l;k<=n;k++) s += a[i][k]*v[k][j]; - for (k=l;k<=n;k++) v[k][j] += s*v[k][i]; - } - } - for (j=l;j<=n;j++) v[i][j]=v[j][i]=0.0; - } - v[i][i]=1.0; - g=rv1[i]; - l=i; - } - for (i=IMIN(m,n);i>=1;i--) { - l=i+1; - g=w[i]; - for (j=l;j<=n;j++) a[i][j]=0.0; - if (g) { - g=1.0/g; - for (j=l;j<=n;j++) { - for (s=0.0,k=l;k<=m;k++) s += a[k][i]*a[k][j]; - f=(s/a[i][i])*g; - for (k=i;k<=m;k++) a[k][j] += f*a[k][i]; - } - for (j=i;j<=m;j++) a[j][i] *= g; - } else for (j=i;j<=m;j++) a[j][i]=0.0; - ++a[i][i]; - } - for (k=n;k>=1;k--) { - for (its=1;its<=30;its++) { - flag=1; - for (l=k;l>=1;l--) { - nm=l-1; - if ((double)(fabs(rv1[l])+anorm) == anorm) { - flag=0; - break; - } - if ((double)(fabs(w[nm])+anorm) == anorm) break; - } - if (flag) { - c=0.0; - s=1.0; - for (i=l;i<=k;i++) { - f=s*rv1[i]; - rv1[i]=c*rv1[i]; - if ((double)(fabs(f)+anorm) == anorm) break; - g=w[i]; - h=pythag(f,g); - w[i]=h; - h=1.0/h; - c=g*h; - s = -f*h; - for (j=1;j<=m;j++) { - y=a[j][nm]; - z=a[j][i]; - a[j][nm]=y*c+z*s; - a[j][i]=z*c-y*s; - } - } - } - z=w[k]; - if (l == k) { - if (z < 0.0) { - w[k] = -z; - for (j=1;j<=n;j++) v[j][k] = -v[j][k]; - } - break; - } - if (its == 30) nrerror("no convergence in 30 svdcmp iterations"); - x=w[l]; - nm=k-1; - y=w[nm]; - g=rv1[nm]; - h=rv1[k]; - f=((y-z)*(y+z)+(g-h)*(g+h))/(2.0*h*y); - g=pythag(f,1.0); - f=((x-z)*(x+z)+h*((y/(f+SIGN(g,f)))-h))/x; - c=s=1.0; - for (j=l;j<=nm;j++) { - i=j+1; - g=rv1[i]; - y=w[i]; - h=s*g; - g=c*g; - z=pythag(f,h); - rv1[j]=z; - c=f/z; - s=h/z; - f=x*c+g*s; - g = g*c-x*s; - h=y*s; - y *= c; - for (jj=1;jj<=n;jj++) { - x=v[jj][j]; - z=v[jj][i]; - v[jj][j]=x*c+z*s; - v[jj][i]=z*c-x*s; - } - z=pythag(f,h); - w[j]=z; - if (z) { - z=1.0/z; - c=f*z; - s=h*z; - } - f=c*g+s*y; - x=c*y-s*g; - for (jj=1;jj<=m;jj++) { - y=a[jj][j]; - z=a[jj][i]; - a[jj][j]=y*c+z*s; - a[jj][i]=z*c-y*s; - } - } - rv1[l]=0.0; - rv1[k]=f; - w[k]=x; - } - } - free_dvector(rv1,1,n); -} -#undef NRANSI -/* (C) Copr. 1986-92 Numerical Recipes Software )1!. */ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/svdcmp.o b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/svdcmp.o deleted file mode 100644 index e34bf5c88f6a0949a1cec5c4431d4b18671b6ff3..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/svdcmp.o and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/test/.DS_Store b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/test/.DS_Store deleted file mode 100644 index 96780f6b7e0370a313daed25ab29aff745b8561e..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/test/.DS_Store and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/test/Makefile b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/test/Makefile deleted file mode 100644 index 9a8fa4bcdcabaa29e37c2ef2093f71423fe6c71d..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/test/Makefile +++ /dev/null @@ -1,32 +0,0 @@ -#OPTS += -D - -CC = gcc -OPTIMIZE = -fPIC -shared -g -O3 #-Wall -wd981 #-wd1419 -wd810 -#GSLI = -I/home/alex/opt/gsl/include -#GSLL = -L/home/alex/opt/gsl/lib -lgsl -lgslcblas -#FFTWI = -I/home/alex/opt/fftw/include -#FFTWL = -L/home/alex/opt/fftw/lib -lfftw3 -lfftw3f -#HDF5I = -I/home/alex/opt/hdf5/include -#HDF5L = -L/home/alex/opt/hdf5/lib -lhdf5_hl -lhdf5 -#FITSI = -I/home/alex/opt/cfitsio/include -#FITSL = -L/home/alex/opt/cfitsio/lib -lcfitsio -#EXTRACFLAGS = -#EXTRACLIB = - -CLINK=$(CC) -CFLAGS=$(OPTIMIZE) #$(EXTRACFLAGS) $(OPTS) -CLIB=-lm #$(EXTRACLIB) - -OBJS = test.o - -EXEC = libtest.so -all: $(EXEC) - -$(EXEC): $(OBJS) - $(CLINK) $(CFLAGS) -o $@ $(OBJS) $(CLIB) - -$(OBJS): Makefile - -.PHONY : clean -clean: - rm -f *.o $(EXEC) diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/test/test.c b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/test/test.c deleted file mode 100644 index 7d4049bcb9e47dac147aaad523c20b84d672b0c0..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/test/test.c +++ /dev/null @@ -1,5 +0,0 @@ -#include - -int sum(int a,int b){ - return a + b; -} diff --git a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/test/tt.py b/ObservationSim/PSF/PSFInterp_deprecated/libPCA/test/tt.py deleted file mode 100644 index 2179054c46d85c0e270bb304dadfc5124517faf3..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/libPCA/test/tt.py +++ /dev/null @@ -1,27 +0,0 @@ -import numpy as np -import ctypes - -libPCA = ctypes.CDLL('../libPCA.so') # CDLL加载库 -print('load libPCA') - -npsf = 2 -npix = 3 - -libPCA.psfPCA.argtypes = [ctypes.POINTER(ctypes.c_float), ctypes.c_int, ctypes.c_int, ctypes.POINTER(ctypes.c_double), ctypes.POINTER(ctypes.c_double)] - -Nstar = npsf -Mp = npix*npix -NM = Nstar*Mp -NN = Nstar*Nstar -arr = (ctypes.c_float*NM)() -basef = (ctypes.c_double*NM)() -coeff = (ctypes.c_double*NN)() - -#psf1 = np.random.random([npix, npix]) -#psf2 = np.random.random([npix, npix]) -psfT = np.random.random(Nstar*Mp) -arr[:] = psfT -libPCA.psfPCA(arr, Nstar, Mp, basef, coeff) - -print('haha') -print(arr[:]) diff --git a/ObservationSim/PSF/PSFInterp_deprecated/psfConfig.py b/ObservationSim/PSF/PSFInterp_deprecated/psfConfig.py deleted file mode 100644 index 88c692f95600e745d28038cac12264e2cb73847e..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/psfConfig.py +++ /dev/null @@ -1,1051 +0,0 @@ -""" -CSST image simulation module (in python3): Point Spread Function (PSF) -author:: Wei Chengliang -""" - -import sys -from itertools import islice - -import numpy as np -import matplotlib.pyplot as plt - -import scipy.io -from scipy.io import loadmat -#import xlrd - -from scipy import ndimage -from scipy.interpolate import RectBivariateSpline - -#from astropy.modeling.models import Ellipse2D -#from astropy.coordinates import Angle -#import matplotlib.patches as mpatches - -import ctypes -import galsim - - - -def setupPSFimg(iccd, iwave, psfPath="/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp"): - """ - psf model setup for csst-sim - - Parameters: - iccd, iwave (int, int): psf model on iccd & iwave - psfPath (string, optional): path to psf matrix - - Returns: - psf_model (psf_class): psf model - - Methods: - psf_model.PSFinplace(self, px, py, interpScheme=1): psf interpolation - psf_model.PSFspin(self, psf, sigSpin, sigGauss, dx, dy): psf rotation (from Yudong) - """ - psf_model = PSFimg(iccd, iwave, psfPath) - return psf_model - - -################################################## -# A. psf matrix loading & checking # -################################################## -def psfPixelLayout(nrows, ncols, cenPosRow, cenPosCol, pixSizeInMicrons=5.0): - """ - convert psf pixels to physical position - - Parameters: - nrows, ncols (int, int): psf sampling with [nrows, ncols]. - cenPosRow, cenPosCol (float, float): A physical position of the chief ray for a given psf. - pixSizeInMicrons (float-optional): The pixel size in microns from the psf sampling. - - Returns: - psfPixelPos (numpy.array-float): [posx, posy] in mm for [irow, icol] - - Notes: - 1. show positions on ccd, but not position on image only [+/- dy] - """ - psfPixelPos = np.zeros([2, nrows, ncols]) - if nrows % 2 != 0: - sys.exit() - if ncols % 2 != 0: - sys.exit() - - cenPix_row = nrows/2 + 1 #中心主光线对应pixle [由长光定义] - cenPix_col = ncols/2 + 1 - - for irow in range(nrows): - for icol in range(ncols): - delta_row = ((irow + 1) - cenPix_row)*pixSizeInMicrons*1e-3 - delta_col = ((icol + 1) - cenPix_col)*pixSizeInMicrons*1e-3 - psfPixelPos[0, irow, icol] = cenPosCol + delta_col - psfPixelPos[1, irow, icol] = cenPosRow - delta_row #note-1 - - return psfPixelPos - - -def imSigRange(img, fraction=0.80): - """ - extract the image within x-percent (DISCARD) - - Parameters: - img (numpy.array-float): image - fraction (float-optional): a percentage - - Returns: - im1 (numpy.array-float): image - """ - im1 = img.copy() - im1size = im1.shape - im2 = np.sort(im1.reshape(im1size[0]*im1size[1])) - im2 = im2[::-1] - im3 = np.cumsum(im2)/np.sum(im2) - loc = np.where(im3 > fraction) - #print(im3[loc[0][0]], im2[loc[0][0]]) - im1[np.where(im1 <= im2[loc[0][0]])]=0 - - return im1 - - -def imPlotInRange(img): - """ - plot image within a selected range - - Parameters: - img (numpy.array-float): image - - Returns: - """ - im1 = img.copy() - im1size = im1.shape - X,Y = np.meshgrid(range(im1size[1]),range(im1size[0])) - Z = im1 - - resolution = 25 - - f = lambda x,y: Z[int(y),int(x) ] - g = np.vectorize(f) - - x = np.linspace(0,Z.shape[1], Z.shape[1]*resolution) - y = np.linspace(0,Z.shape[0], Z.shape[0]*resolution) - X2, Y2= np.meshgrid(x[:-1],y[:-1]) - Z2 = g(X2,Y2) - - #plt.pcolormesh(X,Y, Z) - #plt.imshow(img, origin='lower') - plt.contour(X2-0.5,Y2-0.5,Z2, [0.], colors='w', linestyles='--', linewidths=[1]) - - return - - -def findMaxPix(img): - """ - get the pixel position of the maximum-value - - Parameters: - img (numpy.array-float): image - - Returns: - imgMaxPix_x, imgMaxPix_y (int, int): pixel position in columns & rows - """ - maxIndx = np.argmax(img) - maxIndx = np.unravel_index(maxIndx, np.array(img).shape) - imgMaxPix_x = maxIndx[1] - imgMaxPix_y = maxIndx[0] - - return imgMaxPix_x, imgMaxPix_y - - -def psfTailor(img, apSizeInArcsec=0.5, psfSampleSizeInMicrons=5, focalLengthInMeters=28): - """ - psf tailor within a given aperture size - - Parameters: - img (numpy.array-float): image - apSizeInArcsec (float-optional): aperture size in arcseconds. - psfSampleSizeInMicrons (float-optional): psf pixel size in microns. - focalLengthInMeters (float-optional): csst focal length im meters. - Returns: - imgT (numpy.array-float): image - """ - imgMaxPix_x, imgMaxPix_y = findMaxPix(img) - apSizeInMicrons = np.deg2rad(apSizeInArcsec/3600.)*focalLengthInMeters*1e6 - apSizeInPix = apSizeInMicrons/psfSampleSizeInMicrons - apSizeInPix = np.int(np.ceil(apSizeInPix)) - imgT = np.zeros_like(img) - imgT[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] = \ - img[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] - return imgT - - -def psfEncircle(img, fraction=0.8, psfSampleSizeInMicrons=5, focalLengthInMeters=28): - """ - psf tailor within a given percentage. - - Parameters: - img (numpy.array-float): image - fraction (float-optional): a percentage for psf tailor. - psfSampleSizeInMicrons (float-optional): psf pixel size in microns. - focalLengthInMeters (float-optional): csst focal length im meters. - Returns: - img*wgt (numpy.array-float): image - REE80 (float): radius of REE80 in arcseconds. - """ - imgMaxPix_x, imgMaxPix_y = findMaxPix(img) - im1 = img.copy() - im1size = im1.shape - - dis = np.zeros_like(img) - for irow in range(im1size[0]): - for icol in range(im1size[1]): - dx = icol - imgMaxPix_x - dy = irow - imgMaxPix_y - dis[irow, icol] = np.hypot(dx, dy) - - nn = im1size[1]*im1size[0] - disX = dis.reshape(nn) - disXsortId = np.argsort(disX) - - imgX = img.reshape(nn) - imgY = imgX[disXsortId] - psfFrac = np.cumsum(imgY)/np.sum(imgY) - ind = np.where(psfFrac > fraction)[0][0] - - wgt = np.ones_like(dis) - wgt[np.where(dis > dis[np.where(img == imgY[ind])])] = 0 - - REE80 = np.rad2deg(dis[np.where(img == imgY[ind])]*psfSampleSizeInMicrons*1e-6/focalLengthInMeters)*3600 - return img*wgt, REE80 - - -def psfSecondMoments(psfMat, cenX, cenY, pixSize=1): - """ - estimate the psf ellipticity by the second moment of surface brightness - - Parameters: - psfMat (numpy.array-float): image - cenX, cenY (float, float): pixel position of the psf center - pixSize (float-optional): pixel size - - Returns: - sz (float): psf size - e1, e2 (float, float): psf ellipticity - """ - I = psfMat - ncol = I.shape[1] - nrow = I.shape[0] - w = 0.0 - w11 = 0.0 - w12 = 0.0 - w22 = 0.0 - for icol in range(ncol): - for jrow in range(nrow): - x = icol*pixSize - cenX - y = jrow*pixSize - cenY - w += I[jrow, icol] - w11 += x*x*I[jrow, icol] - w12 += x*y*I[jrow, icol] - w22 += y*y*I[jrow, icol] - w11 /= w - w12 /= w - w22 /= w - sz = w11 + w22 - e1 = (w11 - w22)/sz - e2 = 2.0*w12/sz - - return sz, e1, e2 - - -def LoadPSF(iccd, iwave, ipsf, psfPath, psfSampleSize=5, CalcPSFsize=True, CalcPSFcenter=True, SigRange=False, TailorScheme=1, InputMaxPixelPos=False): - '''加载psf信息''' - """ - load psf informations from psf matrix. - - Parameters: - iccd (int): ccd number [1,30]. - iwave(int): wave-index [1,4]. - ipsf (int): psf number [1, 100]. - psfPath (int): path to psf matrix - psfSampleSize (float-optional): psf size in microns. - CalcPSFsize (bool-optional): whether calculate psf size & ellipticity. Default: True - CalcPSFcenter (bool-optional): whether calculate psf center. Default: True - SigRange (bool-optional): whether use psf tailor. Default: False - TailorScheme (int-optional): which method for psf tailor. Default: 1 - Returns: - psfInfo (dirctionary) - """ - if iccd not in np.linspace(1, 30, 30, dtype='int'): - print('Error - iccd should be in [1, 30].') - sys.exit() - if iwave not in np.linspace(1, 4, 4, dtype='int'): - print('Error - iwave should be in [1, 4].') - sys.exit() - if ipsf not in np.linspace(1, 900, 900, dtype='int'): - print('Error - ipsf should be in [1, 900].') - sys.exit() - - psfInfo = {} - fpath = psfPath +'/' +'ccd{:}'.format(iccd) +'/' + 'wave_{:}'.format(iwave) - - #获取ipsf矩阵 - fpathMat = fpath +'/' +'5_psf_array' +'/' +'psf_{:}.mat'.format(ipsf) - data = scipy.io.loadmat(fpathMat) - psfInfo['psfMat'] = data['psf'] - - #获取ipsf波长 - fpathWave = fpath +'/' +'1_wavelength.txt' - f = open(fpathWave, 'r') - wavelength = np.float(f.readline()) - f.close() - psfInfo['wavelength'] = wavelength - - #获取ipsf位置 - fpathCoordinate = fpath +'/' +'4_PSF_coordinate.txt' - f = open(fpathCoordinate, 'r') - header = f.readline() - for line in islice(f, ipsf-1, ipsf): - line = line.strip() - columns = line.split() - f.close() - icol = 0 - psfInfo['field_x'] = float(columns[icol]) #deg, 视场采样位置 - icol+= 1 - psfInfo['field_y'] = float(columns[icol]) #deg - icol+= 1 - psfInfo['centroid_x'] = float(columns[icol]) #mm, psf质心相对主光线的偏移量 - icol+= 1 - psfInfo['centroid_y'] = float(columns[icol]) #mm - icol+= 1 - if InputMaxPixelPos == True: - psfInfo['max_x'] = float(columns[icol]) #mm, max pixel - icol+= 1 - psfInfo['max_y'] = float(columns[icol]) #mm - icol+= 1 - psfInfo['image_x'] = float(columns[icol]) #mm, 主光线位置 - icol+= 1 - psfInfo['image_y'] = float(columns[icol]) #mm - - #nrows = 180 #psf采样大小, in pixels - #ncols = 180 - nrows, ncols = psfInfo['psfMat'].shape - psfPos = psfPixelLayout(nrows, ncols, psfInfo['image_y'], psfInfo['image_x'], pixSizeInMicrons=5.0) - imgMaxPix_x, imgMaxPix_y = findMaxPix(psfInfo['psfMat']) - psfInfo['imgMaxPosx_ccd'] = psfPos[0, imgMaxPix_y, imgMaxPix_x] #cx, psf最大值位置, in mm - psfInfo['imgMaxPosy_ccd'] = psfPos[1, imgMaxPix_y, imgMaxPix_x] #cy - - #计算psf size & ellipticity - if CalcPSFsize is True: - psfMat = psfInfo['psfMat'].copy() - cenX, cenY, sz, e1, e2, REE80 = psfSizeCalculator(psfMat, psfSampleSize=psfSampleSize, CalcPSFcenter=CalcPSFcenter, SigRange=SigRange, TailorScheme=TailorScheme) - - psfInfo['psfCenX_img'] = cenX #in local pixels, psf质心位置, in pixels - psfInfo['psfCenY_img'] = cenY #in local pixels - psfInfo['psfSize'] = sz - psfInfo['psf_e1'] = e1 - psfInfo['psf_e2'] = e2 - psfInfo['REE80'] = REE80 - - return psfInfo - - -def psfSizeCalculator(psfMat, psfSampleSize=5, CalcPSFcenter=True, SigRange=False, TailorScheme=1): - """ - calculate psf size & ellipticity - - Parameters: - psfMat (numpy.array): image - psfSampleSize (float-optional): psf size in microns. - CalcPSFcenter (bool-optional): whether calculate psf center. Default: True - SigRange (bool-optional): whether use psf tailor. Default: False - TailorScheme (int-optional): which method for psf tailor. Default: 1 - Returns: - cenX, cenY (float, float): the pixel position of the mass center - sz (float): psf size - e1, e2 (float, float): psf ellipticity - REE80 (float): radius of REE80 in arcseconds - """ - psfSampleSize = psfSampleSize*1e-3 #mm - - REE80 = -1.0 ##encircling 80% energy - if SigRange is True: - if TailorScheme == 1: - psfMat = imSigRange(psfMat, fraction=0.80) - psfInfo['psfMat'] = psfMat #set on/off - if TailorScheme == 2: - img = psfTailor(psfMat, apSizeInArcsec=0.5) - imgX, REE80 = psfEncircle(psfMat) - psfMat = img - REE80 = REE80[0] - - if CalcPSFcenter is True: - img = psfMat/np.sum(psfMat) - y,x = ndimage.center_of_mass(img) #y-rows, x-cols - cenX = x - cenY = y - if CalcPSFcenter is False: - cenPix_X = psfMat.shape[1]/2 #90 - cenPix_Y = psfMat.shape[0]/2 #90 - cenX = cenPix_X + psfInfo['centroid_x']/psfSampleSize - cenY = cenPix_Y - psfInfo['centroid_y']/psfSampleSize - - pixSize = 1 - sz, e1, e2 = psfSecondMoments(psfMat, cenX, cenY, pixSize=pixSize) - - return cenX, cenY, sz, e1, e2, REE80 - - -def psfStack(*psfMat): - """ - stacked image from the different psfs - - Parameters: - *psfMat (numpy.array): the different psfs for stacking - - Returns: - img (numpy.array): image - """ - nn = len(psfMat) - img = np.zeros_like(psfMat[0]) - for ii in range(nn): - img += psfMat[ii]/np.sum(psfMat[ii]) - img /= np.sum(img) - return img - - - -################################################## -# B. psf interpolation # -################################################## -def img2fits(img, fitsName=None): - """ - saving image to fits file - - Parameters: - img (numpy.array): image - fitsName (string): path+filename of fits - - Returns: - """ - from astropy.io import fits - grey = fits.PrimaryHDU(img) - greyHDU = fits.HDUList([grey]) - if fitsName != None: - greyHDU.writeto(fitsName) - - -def psfMatLoad(iccd, iwave, psfPath, psfSampleSize=5, CalcPSFsize=False, CalcPSFcenter=True): - """ - load psf for interpolation - - Parameters: - iccd, iwave, psfPath: # of ccd/wave and path for psfs - CalcPSFsize (bool-optional): whether calculate psf size & ellipticity. Default: False - CalcPSFcenter (bool-optional): whether calculate psf center. Default: True - - Returns: - PSFMat (numpy.array): images - cen_col, cen_row (numpy.array, numpy.array): position of psf center in the view field - """ - psfSet = [] - for ipsf in range(1, 101): - psfInfo = LoadPSF(iccd, iwave, ipsf, psfPath, CalcPSFsize=CalcPSFsize, CalcPSFcenter=CalcPSFcenter, InputMaxPixelPos=False) - psfSet.append(psfInfo) - - npsf = len(psfSet) - ngy, ngx = psfSet[0]['psfMat'].shape - PSFMat = np.zeros([npsf, ngy, ngx]) - cen_col= np.zeros(npsf) - cen_row= np.zeros(npsf) - FieldPos = False - for ipsf in range(npsf): - PSFMat[ipsf, :, :] = psfSet[ipsf]['psfMat'] - if FieldPos == True: - cen_col[ipsf] = psfSet[ipsf]['field_x'] #cx - cen_row[ipsf] = psfSet[ipsf]['field_y'] #cy - if FieldPos == False: - cen_col[ipsf] = psfSet[ipsf]['imgMaxPosx_ccd'] #cx - cen_row[ipsf] = psfSet[ipsf]['imgMaxPosy_ccd'] #cy - return PSFMat, cen_col, cen_row - - -def findNeighbors(tx, ty, px, py, dr=0.1, dn=1, OnlyDistance=True): - """ - find nearest meighbors by 2D-KDTree - - Parameters: - tx, ty (float, float): a given position - px, py (numpy.array, numpy.array): position data for tree - dr (float-optional): distance - dn (int-optional): nearest-N - OnlyDistance (bool-optional): only use distance to find neighbors. Default: True - - Returns: - dataq (numpy.array): index - """ - import scipy.spatial as spatial - - datax = px - datay = py - tree = spatial.KDTree(list(zip(datax.ravel(), datay.ravel()))) - - dataq=[] - rr = dr - if OnlyDistance == True: - dataq = tree.query_ball_point([tx, ty], rr) - if OnlyDistance == False: - while len(dataq) < dn: - dataq = tree.query_ball_point([tx, ty], rr) - rr += dr - dd = np.hypot(datax[dataq]-tx, datay[dataq]-ty) - ddSortindx = np.argsort(dd) - dataq = np.array(dataq)[ddSortindx[0:dn]] - return dataq - - -def psfCentering(img, apSizeInArcsec=4., psfSampleSizeInMicrons=5, focalLengthInMeters=28, CenteringMode=1): - """ - centering psf within an aperture - - Parameters: - img (numpy.array): image - apSizeInArcsec (float-optional): aperture size in arcseconds. - psfSampleSizeInMicrons (float-optional): psf pixel size in microns. - focalLengthInMeters (float-optional): csst focal length im meters. - CenteringMode (int-optional): how to center psf images - - Returns: - imgT (numpy.array) - """ - if CenteringMode == 1: - imgMaxPix_x, imgMaxPix_y = findMaxPix(img) - if CenteringMode == 2: - y,x = ndimage.center_of_mass(img) #y-rows, x-cols - imgMaxPix_x = int(x) - imgMaxPix_y = int(y) - apSizeInMicrons = np.deg2rad(apSizeInArcsec/3600.)*focalLengthInMeters*1e6 - apSizeInPix = apSizeInMicrons/psfSampleSizeInMicrons - apSizeInPix = np.int(np.ceil(apSizeInPix)) - imgT = np.zeros_like(img) - ngy, ngx = img.shape - cy = int(ngy/2) - cx = int(ngx/2) - imgT[cy-apSizeInPix:cy+apSizeInPix+1, - cx-apSizeInPix:cx+apSizeInPix+1] = \ - img[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] - return imgT - - -def psfMaker_IDW(px, py, PSFMat, cen_col, cen_row, IDWindex=2, OnlyNeighbors=False): - """ - psf interpolation by IDW - - Parameters: - px, py (float, float): position of the target - PSFMat (numpy.array): image - cen_col, cen_row (numpy.array, numpy.array): potions of the psf centers - IDWindex (int-optional): the power index of IDW - OnlyNeighbors (bool-optional): only neighbors are used for psf interpolation - - Returns: - psfMaker (numpy.array) - """ - minimum_psf_weight = 1e-8 - ref_col = px - ref_row = py - - ngy, ngx = PSFMat[0, :, :].shape - npsf = PSFMat[:, :, :].shape[0] - psfWeight = np.zeros([npsf]) - - if OnlyNeighbors == True: - neigh = findNeighbors(px, py, cen_col, cen_row, dr=5., dn=9, OnlyDistance=False) - neighFlag = np.zeros(npsf) - neighFlag[neigh] = 1 - # print("neigh:", neigh) - - for ipsf in range(npsf): - if OnlyNeighbors == True: - if neighFlag[ipsf] != 1: - continue - - dist = np.sqrt((ref_col - cen_col[ipsf])**2 + (ref_row - cen_row[ipsf])**2) - if IDWindex == 1: - psfWeight[ipsf] = dist - if IDWindex == 2: - psfWeight[ipsf] = dist**2 - if IDWindex == 3: - psfWeight[ipsf] = dist**3 - if IDWindex == 4: - psfWeight[ipsf] = dist**4 - psfWeight[ipsf] = max(psfWeight[ipsf], minimum_psf_weight) - psfWeight[ipsf] = 1./psfWeight[ipsf] - psfWeight /= np.sum(psfWeight) - - psfMaker = np.zeros((ngy, ngx), dtype='float64') - for ipsf in range(npsf): - if OnlyNeighbors == True: - if neighFlag[ipsf] != 1: - continue - - iPSFMat = PSFMat[ipsf, :, :].copy() - iPSFMat = psfCentering(iPSFMat, CenteringMode=1) - ipsfWeight = psfWeight[ipsf] - psfMaker += iPSFMat * ipsfWeight - psfMaker /= np.nansum(psfMaker) - - return psfMaker - - -def psfMaker_PCA(px, py, PSFMat, cen_col, cen_row, OnlyNeighbors=False, libPCApath='libPCA/libPCA.so'): - """ - psf interpolation by PCA - - Parameters: - - Returns: - """ - ref_col = px - ref_row = py - - ngy, ngx = PSFMat[0, :, :].shape - npsf = PSFMat[:, :, :].shape[0] - - neigh = findNeighbors(px, py, cen_col, cen_row, dr=0.3, dn=5, OnlyDistance=False) - npsfX = len(neigh) - psfMatX = np.zeros([npsfX, ngy, ngx]) - cen_colX= np.zeros(npsfX) - cen_rowX= np.zeros(npsfX) - for ipsf in range(npsfX): - psfMatX[ipsf, :, :] = PSFMat[neigh[ipsf], :, :] - cen_colX[ipsf] = cen_col[neigh[ipsf]] - cen_rowX[ipsf] = cen_row[neigh[ipsf]] - - psfMaker = np.zeros((ngy, ngx), dtype='float64') - if OnlyNeighbors == True: - PCAbasef, PCAcoeff = psfPCA_generator(psfMatX, npsfX, ngx, libPCApath) - nPCA = npsfX - for iPCA in range(nPCA): - coeffX = fitPoly(ref_col, ref_row, cen_colX, cen_rowX, PCAcoeff[:, iPCA], order=2) - psfMaker += coeffX*PCAbasef[iPCA, :, :] - - return psfMaker - - -def psfPCA_generator(psfMat, npsf, npix, libPCApath): - """ - generate PCs from psfMat - - Parameters: - - Returns: - - """ - libPCA = ctypes.CDLL(libPCApath) # CDLL加载库 - - libPCA.psfPCA.argtypes = [ctypes.POINTER(ctypes.c_float), ctypes.c_int, ctypes.c_int, ctypes.POINTER(ctypes.c_double), ctypes.POINTER(ctypes.c_double)] - - Nstar = npsf - Mp = npix*npix - NM = Nstar*Mp - NN = Nstar*Nstar - arr = (ctypes.c_float*NM)() - basef = (ctypes.c_double*NM)() - coeff = (ctypes.c_double*NN)() - - psfT = np.zeros(NM) - for ipsf in range(npsf): - lp = 0 + ipsf*Mp - up = Mp+ ipsf*Mp - ipsfMat = psfMat[ipsf, :, :] - psfT[lp:up] = ipsfMat.reshape(Mp) - - arr[:] = psfT - libPCA.psfPCA(arr, Nstar, Mp, basef, coeff) - - PCAbasef = np.zeros([npsf, npix, npix]) - PCAcoeff = np.zeros([npsf, npsf]) - for ipsf in range(npsf): - lp = 0 + ipsf*Mp - up = Mp+ ipsf*Mp - PCAbasef[ipsf, :, :] = np.array(basef[lp:up]).reshape(npix, npix) - - lp = 0 + ipsf*npsf - up = npsf+ ipsf*npsf - PCAcoeff[ipsf, :] = np.array(coeff[lp:up]) - - return PCAbasef, PCAcoeff - -def fitPoly(px, py, datax, datay, dataz, order = 2): - if order == 1: - # best-fit linear plane - A = np.c_[datax, datay, np.ones(datax.shape[0])] - C,_,_,_ = scipy.linalg.lstsq(A, dataz) # coefficients - pz = C[0]*px + C[1]*py + C[2] - elif order == 2: - # best-fit quadratic curve - A = np.c_[np.ones(datax.shape[0]), np.c_[datax, datay], np.prod(np.c_[datax, datay], axis=1), np.c_[datax, datay]**2] - C,_,_,_ = scipy.linalg.lstsq(A, dataz) - pz = np.dot(np.c_[1, px, py, px*py, px**2, py**2], C) - """ - elif order == 3: - # best-fit cubic curve - A = np.c_[np.ones(datax.shape[0]), np.c_[datax, datay], np.prod(np.c_[datax, datay], axis=1), np.c_[datax, datay]**2, np.c_[datax, datay]**3] - C,_,_,_ = scipy.linalg.lstsq(A, dataz) - pz = np.dot(np.c_[1, px, py, px*py, px**2, py**2, px**3, py**3], C) - """ - return pz - - - - -""" -############################ -### not used temporarily ### -############################ -def psfSplineMake(px, py, PSFMat, cen_col, cen_row, OnlyNeighbors=False): - minimum_psf_weight = 1e-8 - ref_col = px - ref_row = py - - cdelt1p = 1 - cdelt2p = 1 - - ngy, ngx = PSFMat[0, :, :].shape - psfx = np.linspace(0, ngx-1, ngx) - psfy = np.linspace(0, ngy-1, ngy) - - npsf = PSFMat[:, :, :].shape[0] - psfWeight = np.zeros([npsf]) - for ipsf in range(npsf): - psfWeight[ipsf] = np.sqrt((ref_col - cen_col[ipsf])**2 + (ref_row - cen_row[ipsf])**2) - psfWeight[ipsf] = max(psfWeight[ipsf], minimum_psf_weight) - psfWeight[ipsf] = 1./psfWeight[ipsf] - psfWeight /= np.sum(psfWeight) - - psf = np.zeros((ngy, ngx), dtype='float64') - for ipsf in range(npsf): - iPSFMat = PSFMat[ipsf, :, :] - ipsfWeight = psfWeight[ipsf] - psf += iPSFMat * ipsfWeight - - psf /= (np.nansum(psf) * cdelt1p * cdelt2p) - psfSpline = RectBivariateSpline(psfy, psfx, psf) - return psf, psfSpline - - -def psfToImage(psfSpline, cutoff_radius=180): - ng = 180 - img = np.zeros([ng, ng], dtype='float64') - for i in range(ng): - for j in range(ng): - star_row = 5 - star_column = 5 - if np.sqrt((j-star_column)**2 + (i-star_row)**2) <= cutoff_radius: - star_flux = 8 - column_cen = j #j - star_column - row_cen = i #i - star_row - img[i,j] += star_flux * psfSpline.integral(row_cen-0.5, row_cen+0.5, column_cen-0.5, column_cen+0.5) - return img -""" - - - -################################################## -# C. csstPSF class # -################################################## -class PSFimg(object): - def __init__(self, iccd, iwave, psfPath): - self.iccd = iccd - self.iwave= iwave - self.psfPath = psfPath - - #loading psfSet >>> - """ - psfSet = [] - for ipsf in range(1, 901): - psfInfo = LoadPSF(iccd, iwave, ipsf, psfPath, CalcPSFsize=True, CalcPSFcenter=True, SigRange=False) - psfSet.append(psfInfo) - self.psfSet = psfSet - """ - a, b, c = psfMatLoad(iccd, iwave, psfPath) - self.psfMat = a - self.cenPosx= b - self.cenPosy= c - - def PSFinplace(self, px, py, interpScheme=1): - if interpScheme == 1: - idwIndx = 2 - psf = psfMaker_IDW(px, py, self.psfMat, self.cenPosx, self.cenPosy, IDWindex=idwIndx, OnlyNeighbors=True) - if interpScheme ==2: - libPCA = "/Users/chengliangwei/Desktop/csstPSF/libPCA/libPCA.so" - psf = psfMaker_PCA(px, py, self.psfMat, self.cenPosx, self.cenPosy, OnlyNeighbors=True, libPCApath=libPCA) - - img = galsim.ImageF(psf, scale=0.074/2) - xpsf = galsim.InterpolatedImage(img) - - return xpsf - - """ - def gcPlot(self, psf,pscale=0.074,figout="GC.png"): - size = np.size(psf,axis=0) - cxy = 0.5*(size-1) - width = 0.5*size - # log scale - radius = np.arange(np.log10(0.2),np.log10(width),0.01) - radius = 10.0**radius - nr = len(radius) - gc = [] - for i in range(nr): - iflux, iferr, xflag = sep.sum_circle(psf,cxy,cxy,radius[i],subpix=0) - gc += [iflux.tolist()] - - # Estimate the radius for a given flux ratio - fratio = 0.8 - mid = [i for i in range(nr) if gc[i]<=fratio and gc[i+1]>fratio][0] - r0, r1 = radius[mid], radius[mid+1] - gc0, gc1 = gc[mid], gc[mid+1] - r5 = (fratio-gc0)/(gc1-gc0)*(r1-r0) + r0 - hlf = r5*pscale - # plot - pfit = interp1d(radius, gc, kind='cubic') - fig = pl.figure(figsize=(5.5,4.0)) - ax = fig.add_axes([0.16,0.15,0.80,0.81]) - ax.plot(radius*pscale, pfit(radius), "k", linewidth=2.0) - ax.plot(radius*pscale, gc, "*r", markersize=5.0,mec="r",alpha=0.3) - ax.plot([hlf,hlf],[0,fratio],"k",linewidth=2.5) - ax.plot([0,hlf],[fratio,fratio],"k",linewidth=2.5) - ax.text(radius[10]*pscale,0.6,"$r_{%.1f}$=%.2f\""%(fratio,hlf)) - ax.set_xlabel("Radius (arcsec)",fontsize=15) - ax.set_ylabel("Growth of Curve",fontsize=15) - ax.set_xscale("log") - ax.set_xlim(radius[0]*pscale,radius[-1]*pscale) - ax.set_ylim(0.0,1.0) - for tick in ax.xaxis.get_major_ticks(): tick.label.set_fontsize(15) - for tick in ax.yaxis.get_major_ticks(): tick.label.set_fontsize(15) - pl.savefig(figout) - pl.clf() - pl.close() - - return - """ - - def PSFspin(self, psf, sigSpin, sigGauss, dx, dy): - """ - The PSF profile at a given image position relative to the axis center - - Parameters: - theta : spin angles in a given exposure in unit of [arcsecond] - dx, dy: relative position to the axis center in unit of [pixels] - - Return: - Spinned PSF: g1, g2 and axis ratio 'a/b' - """ - a2Rad = np.pi/(60.0*60.0*180.0) - - ff = sigGauss * 0.107 * (1000.0/10.0) # in unit of [pixels] - rc = np.sqrt(dx*dx + dy*dy) - cpix = rc*(sigSpin*a2Rad) - - beta = (np.arctan2(dy,dx) + np.pi/2) - ell = cpix**2/(2.0*ff**2+cpix**2) - #ell *= 10.0 - qr = np.sqrt((1.0+ell)/(1.0-ell)) - - #psfShape = galsim.Shear(e=ell, beta=beta) - #g1, g2 = psfShape.g1, psfShape.g2 - #qr = np.sqrt((1.0+ell)/(1.0-ell)) - - #return ell, beta, qr - PSFshear = galsim.Shear(e=ell, beta=beta*galsim.radians) - return psf.shear(PSFshear), PSFshear(base) - - - -################################################## -# D. TEST # -################################################## -def psfMaker_IDW_test(tpsf, px, py, PSFMat, cen_col, cen_row, IDWindex=2, OnlyNeighbors=False): - minimum_psf_weight = 1e-8 - ref_col = px - ref_row = py - - ngy, ngx = PSFMat[0, :, :].shape - npsf = PSFMat[:, :, :].shape[0] - psfWeight = np.zeros([npsf]) - - if OnlyNeighbors == True: - neigh = findNeighbors(px, py, cen_col, cen_row, dr=0.1, dn=9, OnlyDistance=False) - neighFlag = np.zeros(npsf) - neighFlag[neigh] = 1 - - for ipsf in range(npsf): - if OnlyNeighbors == True: - if neighFlag[ipsf] != 1: - continue - - dist = np.sqrt((ref_col - cen_col[ipsf])**2 + (ref_row - cen_row[ipsf])**2) - if IDWindex == 1: - psfWeight[ipsf] = dist - if IDWindex == 2: - psfWeight[ipsf] = dist**2 - if IDWindex == 3: - psfWeight[ipsf] = dist**3 - if IDWindex == 4: - psfWeight[ipsf] = dist**4 - psfWeight[ipsf] = max(psfWeight[ipsf], minimum_psf_weight) - psfWeight[ipsf] = 1./psfWeight[ipsf] - psfWeight /= np.sum(psfWeight) - - psfMaker = np.zeros((ngy, ngx), dtype='float64') - for ipsf in range(npsf): - """ - if OnlyNeighbors == True: - iy, ix = np.unravel_index(ipsf, (10,10)) - ty, tx = np.unravel_index(tpsf, (10,10)) - if np.abs(iy - ty) > 1 or np.abs(ix - tx) > 1: - continue - """ - if OnlyNeighbors == True: - if neighFlag[ipsf] != 1: - continue - - if ipsf == tpsf: - continue - - iPSFMat = PSFMat[ipsf, :, :].copy() - iPSFMat = psfCentering(iPSFMat, CenteringMode=1) - ipsfWeight = psfWeight[ipsf] - psfMaker += iPSFMat * ipsfWeight - psfMaker /= np.nansum(psfMaker) - - return psfMaker - - -def psfMaker_PCA_test(tpsf, px, py, PSFMat, cen_col, cen_row, OnlyNeighbors=False, libPCApath='libPCA/libPCA.so'): - """ - psf interpolation by PCA - - Parameters: - - Returns: - """ - ref_col = px - ref_row = py - - ngy, ngx = PSFMat[0, :, :].shape - npsf = PSFMat[:, :, :].shape[0] - - neigh = findNeighbors(px, py, cen_col, cen_row, dr=0.3, dn=9, OnlyDistance=False) - npsfX = len(neigh) - - #去掉tpsf,neigh中排在第一个是最近的psf - print("CHECK:::", cen_col[neigh[0]], cen_row[neigh[0]], cen_col[tpsf], cen_row[tpsf], cen_col[neigh[0]]-cen_col[tpsf], cen_row[neigh[0]]-cen_row[tpsf]) - psfMatX = np.zeros([npsfX-1, ngy, ngx]) - cen_colX= np.zeros(npsfX-1) - cen_rowX= np.zeros(npsfX-1) - for ipsf in range(npsfX): - if ipsf == 0: - continue - psfMatX[ipsf-1, :, :] = PSFMat[neigh[ipsf], :, :] - cen_colX[ipsf-1] = cen_col[neigh[ipsf]] - cen_rowX[ipsf-1] = cen_row[neigh[ipsf]] - - psfMaker = np.zeros((ngy, ngx), dtype='float64') - if OnlyNeighbors == True: - PCAbasef, PCAcoeff = psfPCA_generator(psfMatX, npsfX-1, ngx, libPCApath) - nPCA = npsfX-1 - for iPCA in range(nPCA): - coeffX = fitPoly(ref_col, ref_row, cen_colX, cen_rowX, PCAcoeff[:, iPCA], order=2) - psfMaker += coeffX*PCAbasef[iPCA, :, :] - - return psfMaker - - -def test_loadPSF(): - iccd = 1 #[1, 30] - iwave= 1 #[1, 4] - ipsf = 1 #[1, 100] - psfPath = '/Users/chengliangwei/csstPSFdata/CSSOS_psf_ciomp' - - psfSet = [] - for ipsf in range(1, 901): - psfInfo = LoadPSF(iccd, iwave, ipsf, psfPath, CalcPSFsize=True, CalcPSFcenter=True, SigRange=False) - psfSet.append(psfInfo) - - print('psfSet has been loaded.') - print('Usage: psfSet[i][keys]') - print('psfSet.keys:', psfSet[0].keys()) - return psfSet - -def test_psfPCA(): - #load psf - print('load psf...') - psfSet = test_loadPSF() - - #set input for psfPCA calc. - print('PCA calc...') - npsf = 5 - npix = 180 - psfMat = np.zeros([npsf, npix, npix]) - libPCApath = './libPCA/libPCA.so' - - for ipsf in range(5): - psfMat[ipsf, :, :] = psfSet[ipsf]['psfMat'] - PCAbasef, PCAcoeff = psfPCA_generator(psfMat, npsf, npix, libPCApath) - - #plot check - print('plot...') - fig = plt.figure(figsize=(20, 10)) - cc = 90 - dcc= 15 - ax = plt.subplot(2, 4, 1) - plt.imshow(PCAbasef[0, :, :][cc-dcc:cc+dcc, cc-dcc:cc+dcc], origin='lower') - ax = plt.subplot(2, 4, 2) - plt.imshow(PCAbasef[1, :, :][cc-dcc:cc+dcc, cc-dcc:cc+dcc], origin='lower') - ax = plt.subplot(2, 4, 3) - plt.imshow(PCAbasef[2, :, :][cc-dcc:cc+dcc, cc-dcc:cc+dcc], origin='lower') - ax = plt.subplot(2, 4, 4) - plt.imshow(PCAbasef[3, :, :][cc-dcc:cc+dcc, cc-dcc:cc+dcc], origin='lower') - ax = plt.subplot(2, 4, 5) - plt.imshow(PCAbasef[4, :, :][cc-dcc:cc+dcc, cc-dcc:cc+dcc], origin='lower') - - ax = plt.subplot(2, 4, 6) - ipsf = 1 - im = PCAcoeff[ipsf,0]*PCAbasef[0, :, :] - im+= PCAcoeff[ipsf,1]*PCAbasef[1, :, :] - im+= PCAcoeff[ipsf,2]*PCAbasef[2, :, :] - im+= PCAcoeff[ipsf,3]*PCAbasef[3, :, :] - im+= PCAcoeff[ipsf,4]*PCAbasef[4, :, :] - plt.imshow(im[cc-dcc:cc+dcc, cc-dcc:cc+dcc], origin='lower') - plt.colorbar() - - ax = plt.subplot(2, 4, 8) - plt.imshow(psfMat[ipsf,:,:][cc-dcc:cc+dcc, cc-dcc:cc+dcc], origin='lower') - plt.colorbar() - - ax = plt.subplot(2, 4, 7) - plt.imshow((psfMat[ipsf,:,:]-im)[cc-dcc:cc+dcc, cc-dcc:cc+dcc], origin='lower') - plt.colorbar() - plt.show() - - -def test_fitPoly(): - datax = np.random.random(10) - datay = np.random.random(10)*2 - dataz = datay**2 + datay*datax+10*datay**2 - - px = 0.28 - py = 10.34 - pz = fitPoly(px, py, datax, datay, dataz, order=2) - print('check: pz-out:', pz, 'pz-in', py**2+px*py+10*py**2) - - -################################################## -# __main__ # -################################################## -if __name__ == '__main__': - print('PSF modules for csst-imgsim') - #test_loadPSF() - #test_psfPCA() - test_fitPoly() - diff --git a/ObservationSim/PSF/PSFInterp_deprecated/psfConfigTest.py b/ObservationSim/PSF/PSFInterp_deprecated/psfConfigTest.py deleted file mode 100644 index 66027da551f2f82418d258bc3403009d6e7035f3..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/psfConfigTest.py +++ /dev/null @@ -1,1051 +0,0 @@ -""" -CSST image simulation module (in python3): Point Spread Function (PSF) -author:: Wei Chengliang -""" - -import sys -from itertools import islice - -import numpy as np -import matplotlib.pyplot as plt - -import scipy.io -from scipy.io import loadmat -#import xlrd - -from scipy import ndimage -from scipy.interpolate import RectBivariateSpline - -#from astropy.modeling.models import Ellipse2D -#from astropy.coordinates import Angle -#import matplotlib.patches as mpatches - -import ctypes -import galsim - - - -def setupPSFimg(iccd, iwave, psfPath="/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp"): - """ - psf model setup for csst-sim - - Parameters: - iccd, iwave (int, int): psf model on iccd & iwave - psfPath (string, optional): path to psf matrix - - Returns: - psf_model (psf_class): psf model - - Methods: - psf_model.PSFinplace(self, px, py, interpScheme=1): psf interpolation - psf_model.PSFspin(self, psf, sigSpin, sigGauss, dx, dy): psf rotation (from Yudong) - """ - psf_model = PSFimg(iccd, iwave, psfPath) - return psf_model - - -################################################## -# A. psf matrix loading & checking # -################################################## -def psfPixelLayout(nrows, ncols, cenPosRow, cenPosCol, pixSizeInMicrons=5.0): - """ - convert psf pixels to physical position - - Parameters: - nrows, ncols (int, int): psf sampling with [nrows, ncols]. - cenPosRow, cenPosCol (float, float): A physical position of the chief ray for a given psf. - pixSizeInMicrons (float-optional): The pixel size in microns from the psf sampling. - - Returns: - psfPixelPos (numpy.array-float): [posx, posy] in mm for [irow, icol] - - Notes: - 1. show positions on ccd, but not position on image only [+/- dy] - """ - psfPixelPos = np.zeros([2, nrows, ncols]) - if nrows % 2 != 0: - sys.exit() - if ncols % 2 != 0: - sys.exit() - - cenPix_row = nrows/2 + 1 #中心主光线对应pixle [由长光定义] - cenPix_col = ncols/2 + 1 - - for irow in range(nrows): - for icol in range(ncols): - delta_row = ((irow + 1) - cenPix_row)*pixSizeInMicrons*1e-3 - delta_col = ((icol + 1) - cenPix_col)*pixSizeInMicrons*1e-3 - psfPixelPos[0, irow, icol] = cenPosCol + delta_col - psfPixelPos[1, irow, icol] = cenPosRow - delta_row #note-1 - - return psfPixelPos - - -def imSigRange(img, fraction=0.80): - """ - extract the image within x-percent (DISCARD) - - Parameters: - img (numpy.array-float): image - fraction (float-optional): a percentage - - Returns: - im1 (numpy.array-float): image - """ - im1 = img.copy() - im1size = im1.shape - im2 = np.sort(im1.reshape(im1size[0]*im1size[1])) - im2 = im2[::-1] - im3 = np.cumsum(im2)/np.sum(im2) - loc = np.where(im3 > fraction) - #print(im3[loc[0][0]], im2[loc[0][0]]) - im1[np.where(im1 <= im2[loc[0][0]])]=0 - - return im1 - - -def imPlotInRange(img): - """ - plot image within a selected range - - Parameters: - img (numpy.array-float): image - - Returns: - """ - im1 = img.copy() - im1size = im1.shape - X,Y = np.meshgrid(range(im1size[1]),range(im1size[0])) - Z = im1 - - resolution = 25 - - f = lambda x,y: Z[int(y),int(x) ] - g = np.vectorize(f) - - x = np.linspace(0,Z.shape[1], Z.shape[1]*resolution) - y = np.linspace(0,Z.shape[0], Z.shape[0]*resolution) - X2, Y2= np.meshgrid(x[:-1],y[:-1]) - Z2 = g(X2,Y2) - - #plt.pcolormesh(X,Y, Z) - #plt.imshow(img, origin='lower') - plt.contour(X2-0.5,Y2-0.5,Z2, [0.], colors='w', linestyles='--', linewidths=[1]) - - return - - -def findMaxPix(img): - """ - get the pixel position of the maximum-value - - Parameters: - img (numpy.array-float): image - - Returns: - imgMaxPix_x, imgMaxPix_y (int, int): pixel position in columns & rows - """ - maxIndx = np.argmax(img) - maxIndx = np.unravel_index(maxIndx, np.array(img).shape) - imgMaxPix_x = maxIndx[1] - imgMaxPix_y = maxIndx[0] - - return imgMaxPix_x, imgMaxPix_y - - -def psfTailor(img, apSizeInArcsec=0.5, psfSampleSizeInMicrons=5, focalLengthInMeters=28): - """ - psf tailor within a given aperture size - - Parameters: - img (numpy.array-float): image - apSizeInArcsec (float-optional): aperture size in arcseconds. - psfSampleSizeInMicrons (float-optional): psf pixel size in microns. - focalLengthInMeters (float-optional): csst focal length im meters. - Returns: - imgT (numpy.array-float): image - """ - imgMaxPix_x, imgMaxPix_y = findMaxPix(img) - apSizeInMicrons = np.deg2rad(apSizeInArcsec/3600.)*focalLengthInMeters*1e6 - apSizeInPix = apSizeInMicrons/psfSampleSizeInMicrons - apSizeInPix = np.int(np.ceil(apSizeInPix)) - imgT = np.zeros_like(img) - imgT[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] = \ - img[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] - return imgT - - -def psfEncircle(img, fraction=0.8, psfSampleSizeInMicrons=5, focalLengthInMeters=28): - """ - psf tailor within a given percentage. - - Parameters: - img (numpy.array-float): image - fraction (float-optional): a percentage for psf tailor. - psfSampleSizeInMicrons (float-optional): psf pixel size in microns. - focalLengthInMeters (float-optional): csst focal length im meters. - Returns: - img*wgt (numpy.array-float): image - REE80 (float): radius of REE80 in arcseconds. - """ - imgMaxPix_x, imgMaxPix_y = findMaxPix(img) - im1 = img.copy() - im1size = im1.shape - - dis = np.zeros_like(img) - for irow in range(im1size[0]): - for icol in range(im1size[1]): - dx = icol - imgMaxPix_x - dy = irow - imgMaxPix_y - dis[irow, icol] = np.hypot(dx, dy) - - nn = im1size[1]*im1size[0] - disX = dis.reshape(nn) - disXsortId = np.argsort(disX) - - imgX = img.reshape(nn) - imgY = imgX[disXsortId] - psfFrac = np.cumsum(imgY)/np.sum(imgY) - ind = np.where(psfFrac > fraction)[0][0] - - wgt = np.ones_like(dis) - wgt[np.where(dis > dis[np.where(img == imgY[ind])])] = 0 - - REE80 = np.rad2deg(dis[np.where(img == imgY[ind])]*psfSampleSizeInMicrons*1e-6/focalLengthInMeters)*3600 - return img*wgt, REE80 - - -def psfSecondMoments(psfMat, cenX, cenY, pixSize=1): - """ - estimate the psf ellipticity by the second moment of surface brightness - - Parameters: - psfMat (numpy.array-float): image - cenX, cenY (float, float): pixel position of the psf center - pixSize (float-optional): pixel size - - Returns: - sz (float): psf size - e1, e2 (float, float): psf ellipticity - """ - I = psfMat - ncol = I.shape[1] - nrow = I.shape[0] - w = 0.0 - w11 = 0.0 - w12 = 0.0 - w22 = 0.0 - for icol in range(ncol): - for jrow in range(nrow): - x = icol*pixSize - cenX - y = jrow*pixSize - cenY - w += I[jrow, icol] - w11 += x*x*I[jrow, icol] - w12 += x*y*I[jrow, icol] - w22 += y*y*I[jrow, icol] - w11 /= w - w12 /= w - w22 /= w - sz = w11 + w22 - e1 = (w11 - w22)/sz - e2 = 2.0*w12/sz - - return sz, e1, e2 - - -def LoadPSF(iccd, iwave, ipsf, psfPath, psfSampleSize=5, CalcPSFsize=True, CalcPSFcenter=True, SigRange=False, TailorScheme=1, InputMaxPixelPos=False): - '''加载psf信息''' - """ - load psf informations from psf matrix. - - Parameters: - iccd (int): ccd number [1,30]. - iwave(int): wave-index [1,4]. - ipsf (int): psf number [1, 100]. - psfPath (int): path to psf matrix - psfSampleSize (float-optional): psf size in microns. - CalcPSFsize (bool-optional): whether calculate psf size & ellipticity. Default: True - CalcPSFcenter (bool-optional): whether calculate psf center. Default: True - SigRange (bool-optional): whether use psf tailor. Default: False - TailorScheme (int-optional): which method for psf tailor. Default: 1 - Returns: - psfInfo (dirctionary) - """ - if iccd not in np.linspace(1, 30, 30, dtype='int'): - print('Error - iccd should be in [1, 30].') - sys.exit() - if iwave not in np.linspace(1, 4, 4, dtype='int'): - print('Error - iwave should be in [1, 4].') - sys.exit() - if ipsf not in np.linspace(1, 900, 900, dtype='int'): - print('Error - ipsf should be in [1, 900].') - sys.exit() - - psfInfo = {} - fpath = psfPath +'/' +'ccd{:}'.format(iccd) +'/' + 'wave_{:}'.format(iwave) - - #获取ipsf矩阵 - fpathMat = fpath +'/' +'5_psf_array' +'/' +'psf_{:}.mat'.format(ipsf) - data = scipy.io.loadmat(fpathMat) - psfInfo['psfMat'] = data['psf'] - - #获取ipsf波长 - fpathWave = fpath +'/' +'1_wavelength.txt' - f = open(fpathWave, 'r') - wavelength = np.float(f.readline()) - f.close() - psfInfo['wavelength'] = wavelength - - #获取ipsf位置 - fpathCoordinate = fpath +'/' +'4_PSF_coordinate.txt' - f = open(fpathCoordinate, 'r') - header = f.readline() - for line in islice(f, ipsf-1, ipsf): - line = line.strip() - columns = line.split() - f.close() - icol = 0 - psfInfo['field_x'] = float(columns[icol]) #deg, 视场采样位置 - icol+= 1 - psfInfo['field_y'] = float(columns[icol]) #deg - icol+= 1 - psfInfo['centroid_x'] = float(columns[icol]) #mm, psf质心相对主光线的偏移量 - icol+= 1 - psfInfo['centroid_y'] = float(columns[icol]) #mm - icol+= 1 - if InputMaxPixelPos == True: - psfInfo['max_x'] = float(columns[icol]) #mm, max pixel - icol+= 1 - psfInfo['max_y'] = float(columns[icol]) #mm - icol+= 1 - psfInfo['image_x'] = float(columns[icol]) #mm, 主光线位置 - icol+= 1 - psfInfo['image_y'] = float(columns[icol]) #mm - - #nrows = 180 #psf采样大小, in pixels - #ncols = 180 - nrows, ncols = psfInfo['psfMat'].shape - psfPos = psfPixelLayout(nrows, ncols, psfInfo['image_y'], psfInfo['image_x'], pixSizeInMicrons=5.0) - imgMaxPix_x, imgMaxPix_y = findMaxPix(psfInfo['psfMat']) - psfInfo['imgMaxPosx_ccd'] = psfPos[0, imgMaxPix_y, imgMaxPix_x] #cx, psf最大值位置, in mm - psfInfo['imgMaxPosy_ccd'] = psfPos[1, imgMaxPix_y, imgMaxPix_x] #cy - - #计算psf size & ellipticity - if CalcPSFsize is True: - psfMat = psfInfo['psfMat'].copy() - cenX, cenY, sz, e1, e2, REE80 = psfSizeCalculator(psfMat, psfSampleSize=psfSampleSize, CalcPSFcenter=CalcPSFcenter, SigRange=SigRange, TailorScheme=TailorScheme) - - psfInfo['psfCenX_img'] = cenX #in local pixels, psf质心位置, in pixels - psfInfo['psfCenY_img'] = cenY #in local pixels - psfInfo['psfSize'] = sz - psfInfo['psf_e1'] = e1 - psfInfo['psf_e2'] = e2 - psfInfo['REE80'] = REE80 - - return psfInfo - - -def psfSizeCalculator(psfMat, psfSampleSize=5, CalcPSFcenter=True, SigRange=False, TailorScheme=1): - """ - calculate psf size & ellipticity - - Parameters: - psfMat (numpy.array): image - psfSampleSize (float-optional): psf size in microns. - CalcPSFcenter (bool-optional): whether calculate psf center. Default: True - SigRange (bool-optional): whether use psf tailor. Default: False - TailorScheme (int-optional): which method for psf tailor. Default: 1 - Returns: - cenX, cenY (float, float): the pixel position of the mass center - sz (float): psf size - e1, e2 (float, float): psf ellipticity - REE80 (float): radius of REE80 in arcseconds - """ - psfSampleSize = psfSampleSize*1e-3 #mm - - REE80 = -1.0 ##encircling 80% energy - if SigRange is True: - if TailorScheme == 1: - psfMat = imSigRange(psfMat, fraction=0.80) - psfInfo['psfMat'] = psfMat #set on/off - if TailorScheme == 2: - img = psfTailor(psfMat, apSizeInArcsec=0.5) - imgX, REE80 = psfEncircle(psfMat) - psfMat = img - REE80 = REE80[0] - - if CalcPSFcenter is True: - img = psfMat/np.sum(psfMat) - y,x = ndimage.center_of_mass(img) #y-rows, x-cols - cenX = x - cenY = y - if CalcPSFcenter is False: - cenPix_X = psfMat.shape[1]/2 #90 - cenPix_Y = psfMat.shape[0]/2 #90 - cenX = cenPix_X + psfInfo['centroid_x']/psfSampleSize - cenY = cenPix_Y - psfInfo['centroid_y']/psfSampleSize - - pixSize = 1 - sz, e1, e2 = psfSecondMoments(psfMat, cenX, cenY, pixSize=pixSize) - - return cenX, cenY, sz, e1, e2, REE80 - - -def psfStack(*psfMat): - """ - stacked image from the different psfs - - Parameters: - *psfMat (numpy.array): the different psfs for stacking - - Returns: - img (numpy.array): image - """ - nn = len(psfMat) - img = np.zeros_like(psfMat[0]) - for ii in range(nn): - img += psfMat[ii]/np.sum(psfMat[ii]) - img /= np.sum(img) - return img - - - -################################################## -# B. psf interpolation # -################################################## -def img2fits(img, fitsName=None): - """ - saving image to fits file - - Parameters: - img (numpy.array): image - fitsName (string): path+filename of fits - - Returns: - """ - from astropy.io import fits - grey = fits.PrimaryHDU(img) - greyHDU = fits.HDUList([grey]) - if fitsName != None: - greyHDU.writeto(fitsName) - - -def psfMatLoad(iccd, iwave, psfPath, psfSampleSize=5, CalcPSFsize=False, CalcPSFcenter=True): - """ - load psf for interpolation - - Parameters: - iccd, iwave, psfPath: # of ccd/wave and path for psfs - CalcPSFsize (bool-optional): whether calculate psf size & ellipticity. Default: False - CalcPSFcenter (bool-optional): whether calculate psf center. Default: True - - Returns: - PSFMat (numpy.array): images - cen_col, cen_row (numpy.array, numpy.array): position of psf center in the view field - """ - psfSet = [] - for ipsf in range(1, 901): - psfInfo = LoadPSF(iccd, iwave, ipsf, psfPath, CalcPSFsize=CalcPSFsize, CalcPSFcenter=CalcPSFcenter, InputMaxPixelPos=True) - psfSet.append(psfInfo) - - npsf = len(psfSet) - ngy, ngx = psfSet[0]['psfMat'].shape - PSFMat = np.zeros([npsf, ngy, ngx]) - cen_col= np.zeros(npsf) - cen_row= np.zeros(npsf) - FieldPos = False - for ipsf in range(npsf): - PSFMat[ipsf, :, :] = psfSet[ipsf]['psfMat'] - if FieldPos == True: - cen_col[ipsf] = psfSet[ipsf]['field_x'] #cx - cen_row[ipsf] = psfSet[ipsf]['field_y'] #cy - if FieldPos == False: - cen_col[ipsf] = psfSet[ipsf]['imgMaxPosx_ccd'] #cx - cen_row[ipsf] = psfSet[ipsf]['imgMaxPosy_ccd'] #cy - return PSFMat, cen_col, cen_row - - -def findNeighbors(tx, ty, px, py, dr=0.1, dn=1, OnlyDistance=True): - """ - find nearest meighbors by 2D-KDTree - - Parameters: - tx, ty (float, float): a given position - px, py (numpy.array, numpy.array): position data for tree - dr (float-optional): distance - dn (int-optional): nearest-N - OnlyDistance (bool-optional): only use distance to find neighbors. Default: True - - Returns: - dataq (numpy.array): index - """ - import scipy.spatial as spatial - - datax = px - datay = py - tree = spatial.KDTree(list(zip(datax.ravel(), datay.ravel()))) - - dataq=[] - rr = dr - if OnlyDistance == True: - dataq = tree.query_ball_point([tx, ty], rr) - if OnlyDistance == False: - while len(dataq) < dn: - dataq = tree.query_ball_point([tx, ty], rr) - rr += dr - dd = np.hypot(datax[dataq]-tx, datay[dataq]-ty) - ddSortindx = np.argsort(dd) - dataq = np.array(dataq)[ddSortindx[0:dn]] - return dataq - - -def psfCentering(img, apSizeInArcsec=0.5, psfSampleSizeInMicrons=5, focalLengthInMeters=28, CenteringMode=1): - """ - centering psf within an aperture - - Parameters: - img (numpy.array): image - apSizeInArcsec (float-optional): aperture size in arcseconds. - psfSampleSizeInMicrons (float-optional): psf pixel size in microns. - focalLengthInMeters (float-optional): csst focal length im meters. - CenteringMode (int-optional): how to center psf images - - Returns: - imgT (numpy.array) - """ - if CenteringMode == 1: - imgMaxPix_x, imgMaxPix_y = findMaxPix(img) - if CenteringMode == 2: - y,x = ndimage.center_of_mass(img) #y-rows, x-cols - imgMaxPix_x = int(x) - imgMaxPix_y = int(y) - apSizeInMicrons = np.deg2rad(apSizeInArcsec/3600.)*focalLengthInMeters*1e6 - apSizeInPix = apSizeInMicrons/psfSampleSizeInMicrons - apSizeInPix = np.int(np.ceil(apSizeInPix)) - imgT = np.zeros_like(img) - ngy, ngx = img.shape - cy = int(ngy/2) - cx = int(ngx/2) - imgT[cy-apSizeInPix:cy+apSizeInPix+1, - cx-apSizeInPix:cx+apSizeInPix+1] = \ - img[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] - return imgT - - -def psfMaker_IDW(px, py, PSFMat, cen_col, cen_row, IDWindex=2, OnlyNeighbors=False): - """ - psf interpolation by IDW - - Parameters: - px, py (float, float): position of the target - PSFMat (numpy.array): image - cen_col, cen_row (numpy.array, numpy.array): potions of the psf centers - IDWindex (int-optional): the power index of IDW - OnlyNeighbors (bool-optional): only neighbors are used for psf interpolation - - Returns: - psfMaker (numpy.array) - """ - minimum_psf_weight = 1e-8 - ref_col = px - ref_row = py - - ngy, ngx = PSFMat[0, :, :].shape - npsf = PSFMat[:, :, :].shape[0] - psfWeight = np.zeros([npsf]) - - if OnlyNeighbors == True: - neigh = findNeighbors(px, py, cen_col, cen_row, dr=5., dn=9, OnlyDistance=False) - neighFlag = np.zeros(npsf) - neighFlag[neigh] = 1 - print("neigh:", neigh) - - for ipsf in range(npsf): - if OnlyNeighbors == True: - if neighFlag[ipsf] != 1: - continue - - dist = np.sqrt((ref_col - cen_col[ipsf])**2 + (ref_row - cen_row[ipsf])**2) - if IDWindex == 1: - psfWeight[ipsf] = dist - if IDWindex == 2: - psfWeight[ipsf] = dist**2 - if IDWindex == 3: - psfWeight[ipsf] = dist**3 - if IDWindex == 4: - psfWeight[ipsf] = dist**4 - psfWeight[ipsf] = max(psfWeight[ipsf], minimum_psf_weight) - psfWeight[ipsf] = 1./psfWeight[ipsf] - psfWeight /= np.sum(psfWeight) - - psfMaker = np.zeros((ngy, ngx), dtype='float64') - for ipsf in range(npsf): - if OnlyNeighbors == True: - if neighFlag[ipsf] != 1: - continue - - iPSFMat = PSFMat[ipsf, :, :].copy() - iPSFMat = psfCentering(iPSFMat, CenteringMode=1) - ipsfWeight = psfWeight[ipsf] - psfMaker += iPSFMat * ipsfWeight - psfMaker /= np.nansum(psfMaker) - - return psfMaker - - -def psfMaker_PCA(px, py, PSFMat, cen_col, cen_row, OnlyNeighbors=False, libPCApath='libPCA/libPCA.so'): - """ - psf interpolation by PCA - - Parameters: - - Returns: - """ - ref_col = px - ref_row = py - - ngy, ngx = PSFMat[0, :, :].shape - npsf = PSFMat[:, :, :].shape[0] - - neigh = findNeighbors(px, py, cen_col, cen_row, dr=0.3, dn=5, OnlyDistance=False) - npsfX = len(neigh) - psfMatX = np.zeros([npsfX, ngy, ngx]) - cen_colX= np.zeros(npsfX) - cen_rowX= np.zeros(npsfX) - for ipsf in range(npsfX): - psfMatX[ipsf, :, :] = PSFMat[neigh[ipsf], :, :] - cen_colX[ipsf] = cen_col[neigh[ipsf]] - cen_rowX[ipsf] = cen_row[neigh[ipsf]] - - psfMaker = np.zeros((ngy, ngx), dtype='float64') - if OnlyNeighbors == True: - PCAbasef, PCAcoeff = psfPCA_generator(psfMatX, npsfX, ngx, libPCApath) - nPCA = npsfX - for iPCA in range(nPCA): - coeffX = fitPoly(ref_col, ref_row, cen_colX, cen_rowX, PCAcoeff[:, iPCA], order=2) - psfMaker += coeffX*PCAbasef[iPCA, :, :] - - return psfMaker - - -def psfPCA_generator(psfMat, npsf, npix, libPCApath): - """ - generate PCs from psfMat - - Parameters: - - Returns: - - """ - libPCA = ctypes.CDLL(libPCApath) # CDLL加载库 - - libPCA.psfPCA.argtypes = [ctypes.POINTER(ctypes.c_float), ctypes.c_int, ctypes.c_int, ctypes.POINTER(ctypes.c_double), ctypes.POINTER(ctypes.c_double)] - - Nstar = npsf - Mp = npix*npix - NM = Nstar*Mp - NN = Nstar*Nstar - arr = (ctypes.c_float*NM)() - basef = (ctypes.c_double*NM)() - coeff = (ctypes.c_double*NN)() - - psfT = np.zeros(NM) - for ipsf in range(npsf): - lp = 0 + ipsf*Mp - up = Mp+ ipsf*Mp - ipsfMat = psfMat[ipsf, :, :] - psfT[lp:up] = ipsfMat.reshape(Mp) - - arr[:] = psfT - libPCA.psfPCA(arr, Nstar, Mp, basef, coeff) - - PCAbasef = np.zeros([npsf, npix, npix]) - PCAcoeff = np.zeros([npsf, npsf]) - for ipsf in range(npsf): - lp = 0 + ipsf*Mp - up = Mp+ ipsf*Mp - PCAbasef[ipsf, :, :] = np.array(basef[lp:up]).reshape(npix, npix) - - lp = 0 + ipsf*npsf - up = npsf+ ipsf*npsf - PCAcoeff[ipsf, :] = np.array(coeff[lp:up]) - - return PCAbasef, PCAcoeff - -def fitPoly(px, py, datax, datay, dataz, order = 2): - if order == 1: - # best-fit linear plane - A = np.c_[datax, datay, np.ones(datax.shape[0])] - C,_,_,_ = scipy.linalg.lstsq(A, dataz) # coefficients - pz = C[0]*px + C[1]*py + C[2] - elif order == 2: - # best-fit quadratic curve - A = np.c_[np.ones(datax.shape[0]), np.c_[datax, datay], np.prod(np.c_[datax, datay], axis=1), np.c_[datax, datay]**2] - C,_,_,_ = scipy.linalg.lstsq(A, dataz) - pz = np.dot(np.c_[1, px, py, px*py, px**2, py**2], C) - """ - elif order == 3: - # best-fit cubic curve - A = np.c_[np.ones(datax.shape[0]), np.c_[datax, datay], np.prod(np.c_[datax, datay], axis=1), np.c_[datax, datay]**2, np.c_[datax, datay]**3] - C,_,_,_ = scipy.linalg.lstsq(A, dataz) - pz = np.dot(np.c_[1, px, py, px*py, px**2, py**2, px**3, py**3], C) - """ - return pz - - - - -""" -############################ -### not used temporarily ### -############################ -def psfSplineMake(px, py, PSFMat, cen_col, cen_row, OnlyNeighbors=False): - minimum_psf_weight = 1e-8 - ref_col = px - ref_row = py - - cdelt1p = 1 - cdelt2p = 1 - - ngy, ngx = PSFMat[0, :, :].shape - psfx = np.linspace(0, ngx-1, ngx) - psfy = np.linspace(0, ngy-1, ngy) - - npsf = PSFMat[:, :, :].shape[0] - psfWeight = np.zeros([npsf]) - for ipsf in range(npsf): - psfWeight[ipsf] = np.sqrt((ref_col - cen_col[ipsf])**2 + (ref_row - cen_row[ipsf])**2) - psfWeight[ipsf] = max(psfWeight[ipsf], minimum_psf_weight) - psfWeight[ipsf] = 1./psfWeight[ipsf] - psfWeight /= np.sum(psfWeight) - - psf = np.zeros((ngy, ngx), dtype='float64') - for ipsf in range(npsf): - iPSFMat = PSFMat[ipsf, :, :] - ipsfWeight = psfWeight[ipsf] - psf += iPSFMat * ipsfWeight - - psf /= (np.nansum(psf) * cdelt1p * cdelt2p) - psfSpline = RectBivariateSpline(psfy, psfx, psf) - return psf, psfSpline - - -def psfToImage(psfSpline, cutoff_radius=180): - ng = 180 - img = np.zeros([ng, ng], dtype='float64') - for i in range(ng): - for j in range(ng): - star_row = 5 - star_column = 5 - if np.sqrt((j-star_column)**2 + (i-star_row)**2) <= cutoff_radius: - star_flux = 8 - column_cen = j #j - star_column - row_cen = i #i - star_row - img[i,j] += star_flux * psfSpline.integral(row_cen-0.5, row_cen+0.5, column_cen-0.5, column_cen+0.5) - return img -""" - - - -################################################## -# C. csstPSF class # -################################################## -class PSFimg(object): - def __init__(self, iccd, iwave, psfPath): - self.iccd = iccd - self.iwave= iwave - self.psfPath = psfPath - - #loading psfSet >>> - """ - psfSet = [] - for ipsf in range(1, 901): - psfInfo = LoadPSF(iccd, iwave, ipsf, psfPath, CalcPSFsize=True, CalcPSFcenter=True, SigRange=False) - psfSet.append(psfInfo) - self.psfSet = psfSet - """ - a, b, c = psfMatLoad(iccd, iwave, psfPath) - self.psfMat = a - self.cenPosx= b - self.cenPosy= c - - def PSFinplace(self, px, py, interpScheme=1): - if interpScheme == 1: - idwIndx = 2 - psf = psfMaker_IDW(px, py, self.psfMat, self.cenPosx, self.cenPosy, IDWindex=idwIndx, OnlyNeighbors=True) - if interpScheme ==2: - libPCA = "/Users/chengliangwei/Desktop/csstPSF/libPCA/libPCA.so" - psf = psfMaker_PCA(px, py, self.psfMat, self.cenPosx, self.cenPosy, OnlyNeighbors=True, libPCApath=libPCA) - - img = galsim.ImageF(psf, scale=0.074/2) - xpsf = galsim.InterpolatedImage(img) - - return xpsf - - """ - def gcPlot(self, psf,pscale=0.074,figout="GC.png"): - size = np.size(psf,axis=0) - cxy = 0.5*(size-1) - width = 0.5*size - # log scale - radius = np.arange(np.log10(0.2),np.log10(width),0.01) - radius = 10.0**radius - nr = len(radius) - gc = [] - for i in range(nr): - iflux, iferr, xflag = sep.sum_circle(psf,cxy,cxy,radius[i],subpix=0) - gc += [iflux.tolist()] - - # Estimate the radius for a given flux ratio - fratio = 0.8 - mid = [i for i in range(nr) if gc[i]<=fratio and gc[i+1]>fratio][0] - r0, r1 = radius[mid], radius[mid+1] - gc0, gc1 = gc[mid], gc[mid+1] - r5 = (fratio-gc0)/(gc1-gc0)*(r1-r0) + r0 - hlf = r5*pscale - # plot - pfit = interp1d(radius, gc, kind='cubic') - fig = pl.figure(figsize=(5.5,4.0)) - ax = fig.add_axes([0.16,0.15,0.80,0.81]) - ax.plot(radius*pscale, pfit(radius), "k", linewidth=2.0) - ax.plot(radius*pscale, gc, "*r", markersize=5.0,mec="r",alpha=0.3) - ax.plot([hlf,hlf],[0,fratio],"k",linewidth=2.5) - ax.plot([0,hlf],[fratio,fratio],"k",linewidth=2.5) - ax.text(radius[10]*pscale,0.6,"$r_{%.1f}$=%.2f\""%(fratio,hlf)) - ax.set_xlabel("Radius (arcsec)",fontsize=15) - ax.set_ylabel("Growth of Curve",fontsize=15) - ax.set_xscale("log") - ax.set_xlim(radius[0]*pscale,radius[-1]*pscale) - ax.set_ylim(0.0,1.0) - for tick in ax.xaxis.get_major_ticks(): tick.label.set_fontsize(15) - for tick in ax.yaxis.get_major_ticks(): tick.label.set_fontsize(15) - pl.savefig(figout) - pl.clf() - pl.close() - - return - """ - - def PSFspin(self, psf, sigSpin, sigGauss, dx, dy): - """ - The PSF profile at a given image position relative to the axis center - - Parameters: - theta : spin angles in a given exposure in unit of [arcsecond] - dx, dy: relative position to the axis center in unit of [pixels] - - Return: - Spinned PSF: g1, g2 and axis ratio 'a/b' - """ - a2Rad = np.pi/(60.0*60.0*180.0) - - ff = sigGauss * 0.107 * (1000.0/10.0) # in unit of [pixels] - rc = np.sqrt(dx*dx + dy*dy) - cpix = rc*(sigSpin*a2Rad) - - beta = (np.arctan2(dy,dx) + np.pi/2) - ell = cpix**2/(2.0*ff**2+cpix**2) - #ell *= 10.0 - qr = np.sqrt((1.0+ell)/(1.0-ell)) - - #psfShape = galsim.Shear(e=ell, beta=beta) - #g1, g2 = psfShape.g1, psfShape.g2 - #qr = np.sqrt((1.0+ell)/(1.0-ell)) - - #return ell, beta, qr - PSFshear = galsim.Shear(e=ell, beta=beta*galsim.radians) - return psf.shear(PSFshear), PSFshear(base) - - - -################################################## -# D. TEST # -################################################## -def psfMaker_IDW_test(tpsf, px, py, PSFMat, cen_col, cen_row, IDWindex=2, OnlyNeighbors=False): - minimum_psf_weight = 1e-8 - ref_col = px - ref_row = py - - ngy, ngx = PSFMat[0, :, :].shape - npsf = PSFMat[:, :, :].shape[0] - psfWeight = np.zeros([npsf]) - - if OnlyNeighbors == True: - neigh = findNeighbors(px, py, cen_col, cen_row, dr=0.1, dn=9, OnlyDistance=False) - neighFlag = np.zeros(npsf) - neighFlag[neigh] = 1 - - for ipsf in range(npsf): - if OnlyNeighbors == True: - if neighFlag[ipsf] != 1: - continue - - dist = np.sqrt((ref_col - cen_col[ipsf])**2 + (ref_row - cen_row[ipsf])**2) - if IDWindex == 1: - psfWeight[ipsf] = dist - if IDWindex == 2: - psfWeight[ipsf] = dist**2 - if IDWindex == 3: - psfWeight[ipsf] = dist**3 - if IDWindex == 4: - psfWeight[ipsf] = dist**4 - psfWeight[ipsf] = max(psfWeight[ipsf], minimum_psf_weight) - psfWeight[ipsf] = 1./psfWeight[ipsf] - psfWeight /= np.sum(psfWeight) - - psfMaker = np.zeros((ngy, ngx), dtype='float64') - for ipsf in range(npsf): - """ - if OnlyNeighbors == True: - iy, ix = np.unravel_index(ipsf, (10,10)) - ty, tx = np.unravel_index(tpsf, (10,10)) - if np.abs(iy - ty) > 1 or np.abs(ix - tx) > 1: - continue - """ - if OnlyNeighbors == True: - if neighFlag[ipsf] != 1: - continue - - if ipsf == tpsf: - continue - - iPSFMat = PSFMat[ipsf, :, :].copy() - iPSFMat = psfCentering(iPSFMat, CenteringMode=1) - ipsfWeight = psfWeight[ipsf] - psfMaker += iPSFMat * ipsfWeight - psfMaker /= np.nansum(psfMaker) - - return psfMaker - - -def psfMaker_PCA_test(tpsf, px, py, PSFMat, cen_col, cen_row, OnlyNeighbors=False, libPCApath='libPCA/libPCA.so'): - """ - psf interpolation by PCA - - Parameters: - - Returns: - """ - ref_col = px - ref_row = py - - ngy, ngx = PSFMat[0, :, :].shape - npsf = PSFMat[:, :, :].shape[0] - - neigh = findNeighbors(px, py, cen_col, cen_row, dr=0.3, dn=9, OnlyDistance=False) - npsfX = len(neigh) - - #去掉tpsf,neigh中排在第一个是最近的psf - print("CHECK:::", cen_col[neigh[0]], cen_row[neigh[0]], cen_col[tpsf], cen_row[tpsf], cen_col[neigh[0]]-cen_col[tpsf], cen_row[neigh[0]]-cen_row[tpsf]) - psfMatX = np.zeros([npsfX-1, ngy, ngx]) - cen_colX= np.zeros(npsfX-1) - cen_rowX= np.zeros(npsfX-1) - for ipsf in range(npsfX): - if ipsf == 0: - continue - psfMatX[ipsf-1, :, :] = PSFMat[neigh[ipsf], :, :] - cen_colX[ipsf-1] = cen_col[neigh[ipsf]] - cen_rowX[ipsf-1] = cen_row[neigh[ipsf]] - - psfMaker = np.zeros((ngy, ngx), dtype='float64') - if OnlyNeighbors == True: - PCAbasef, PCAcoeff = psfPCA_generator(psfMatX, npsfX-1, ngx, libPCApath) - nPCA = npsfX-1 - for iPCA in range(nPCA): - coeffX = fitPoly(ref_col, ref_row, cen_colX, cen_rowX, PCAcoeff[:, iPCA], order=2) - psfMaker += coeffX*PCAbasef[iPCA, :, :] - - return psfMaker - - -def test_loadPSF(): - iccd = 1 #[1, 30] - iwave= 1 #[1, 4] - ipsf = 1 #[1, 100] - psfPath = '/Users/chengliangwei/csstPSFdata/CSSOS_psf_ciomp' - - psfSet = [] - for ipsf in range(1, 901): - psfInfo = LoadPSF(iccd, iwave, ipsf, psfPath, CalcPSFsize=True, CalcPSFcenter=True, SigRange=False) - psfSet.append(psfInfo) - - print('psfSet has been loaded.') - print('Usage: psfSet[i][keys]') - print('psfSet.keys:', psfSet[0].keys()) - return psfSet - -def test_psfPCA(): - #load psf - print('load psf...') - psfSet = test_loadPSF() - - #set input for psfPCA calc. - print('PCA calc...') - npsf = 5 - npix = 180 - psfMat = np.zeros([npsf, npix, npix]) - libPCApath = './libPCA/libPCA.so' - - for ipsf in range(5): - psfMat[ipsf, :, :] = psfSet[ipsf]['psfMat'] - PCAbasef, PCAcoeff = psfPCA_generator(psfMat, npsf, npix, libPCApath) - - #plot check - print('plot...') - fig = plt.figure(figsize=(20, 10)) - cc = 90 - dcc= 15 - ax = plt.subplot(2, 4, 1) - plt.imshow(PCAbasef[0, :, :][cc-dcc:cc+dcc, cc-dcc:cc+dcc], origin='lower') - ax = plt.subplot(2, 4, 2) - plt.imshow(PCAbasef[1, :, :][cc-dcc:cc+dcc, cc-dcc:cc+dcc], origin='lower') - ax = plt.subplot(2, 4, 3) - plt.imshow(PCAbasef[2, :, :][cc-dcc:cc+dcc, cc-dcc:cc+dcc], origin='lower') - ax = plt.subplot(2, 4, 4) - plt.imshow(PCAbasef[3, :, :][cc-dcc:cc+dcc, cc-dcc:cc+dcc], origin='lower') - ax = plt.subplot(2, 4, 5) - plt.imshow(PCAbasef[4, :, :][cc-dcc:cc+dcc, cc-dcc:cc+dcc], origin='lower') - - ax = plt.subplot(2, 4, 6) - ipsf = 1 - im = PCAcoeff[ipsf,0]*PCAbasef[0, :, :] - im+= PCAcoeff[ipsf,1]*PCAbasef[1, :, :] - im+= PCAcoeff[ipsf,2]*PCAbasef[2, :, :] - im+= PCAcoeff[ipsf,3]*PCAbasef[3, :, :] - im+= PCAcoeff[ipsf,4]*PCAbasef[4, :, :] - plt.imshow(im[cc-dcc:cc+dcc, cc-dcc:cc+dcc], origin='lower') - plt.colorbar() - - ax = plt.subplot(2, 4, 8) - plt.imshow(psfMat[ipsf,:,:][cc-dcc:cc+dcc, cc-dcc:cc+dcc], origin='lower') - plt.colorbar() - - ax = plt.subplot(2, 4, 7) - plt.imshow((psfMat[ipsf,:,:]-im)[cc-dcc:cc+dcc, cc-dcc:cc+dcc], origin='lower') - plt.colorbar() - plt.show() - - -def test_fitPoly(): - datax = np.random.random(10) - datay = np.random.random(10)*2 - dataz = datay**2 + datay*datax+10*datay**2 - - px = 0.28 - py = 10.34 - pz = fitPoly(px, py, datax, datay, dataz, order=2) - print('check: pz-out:', pz, 'pz-in', py**2+px*py+10*py**2) - - -################################################## -# __main__ # -################################################## -if __name__ == '__main__': - print('PSF modules for csst-imgsim') - #test_loadPSF() - #test_psfPCA() - test_fitPoly() - diff --git a/ObservationSim/PSF/PSFInterp_deprecated/testPlot.pdf b/ObservationSim/PSF/PSFInterp_deprecated/testPlot.pdf deleted file mode 100644 index 4a5b204af7ba09f2ca10d6b7bb56eb530bf2e962..0000000000000000000000000000000000000000 Binary files a/ObservationSim/PSF/PSFInterp_deprecated/testPlot.pdf and /dev/null differ diff --git a/ObservationSim/PSF/PSFInterp_deprecated/test_PSFConvolve.py b/ObservationSim/PSF/PSFInterp_deprecated/test_PSFConvolve.py deleted file mode 100644 index c583d7555e3fe0cfb32527b67f970d2b604ca234..0000000000000000000000000000000000000000 --- a/ObservationSim/PSF/PSFInterp_deprecated/test_PSFConvolve.py +++ /dev/null @@ -1,216 +0,0 @@ -import numpy as np -import matplotlib.pyplot as plt - -import scipy.io -import galsim - -vc_A = 2.99792458e+18 # speed of light: A/s -vc_m = 2.99792458e+8 # speed of light: m/s -h_Plank = 6.626196e-27 # Plank constant: erg s - -def photonEnergy(lambd): - nu = vc_A / lambd - eph = h_Plank * nu - return eph - -pixSize = 0.037 -mag_star = 15. -Nx = 256 -Ny = 256 - -###加载PSF信息### -def LoadPSF(iccd, iwave, ipsf, psfPath, psfSampleSize=5, PSFCentroidWgt=False): - psfInfo = {} - fpath = psfPath +'/' +'ccd{:}'.format(iccd) +'/' + 'wave_{:}'.format(iwave) - - #获取ipsf矩阵 - if not PSFCentroidWgt: - ##读取PSF原数据 - fpathMat = fpath +'/' +'5_psf_array' +'/' +'psf_{:}.mat'.format(ipsf) - data = scipy.io.loadmat(fpathMat) - psfInfo['psfMat'] = data['psf'] - if PSFCentroidWgt: - ##读取PSFCentroidWgt - ffpath = psfPath +'_proc/' +'ccd{:}'.format(iccd) +'/' + 'wave_{:}'.format(iwave) - ffpathMat = ffpath +'/' +'5_psf_array' +'/' +'psf_{:}_centroidWgt.mat'.format(ipsf) - data = scipy.io.loadmat(ffpathMat) - psfInfo['psfMat'] = data['psf'] - return psfInfo - -def psfCentering(img, apSizeInArcsec=0.5, psfSampleSizeInMicrons=5, focalLengthInMeters=28, CenteringMode=1): - imgMaxPix_x, imgMaxPix_y = findMaxPix(img) - apSizeInMicrons = np.deg2rad(apSizeInArcsec/3600.)*focalLengthInMeters*1e6 - apSizeInPix = apSizeInMicrons/psfSampleSizeInMicrons - apSizeInPix = np.int(np.ceil(apSizeInPix)) - imgT = np.zeros_like(img) - ngy, ngx = img.shape - cy = int(ngy/2) - cx = int(ngx/2) - imgT[cy-apSizeInPix:cy+apSizeInPix+1, - cx-apSizeInPix:cx+apSizeInPix+1] = \ - img[imgMaxPix_y-apSizeInPix:imgMaxPix_y+apSizeInPix+1, - imgMaxPix_x-apSizeInPix:imgMaxPix_x+apSizeInPix+1] - return imgT - -def findMaxPix(img): - maxIndx = np.argmax(img) - maxIndx = np.unravel_index(maxIndx, np.array(img).shape) - imgMaxPix_x = maxIndx[1] - imgMaxPix_y = maxIndx[0] - return imgMaxPix_x, imgMaxPix_y - -def magToFlux(mag): - flux = 10**(-0.4*(mag+48.6)) - return flux - -def getElectronFluxFilt(mag, exptime=150.): - pE = photonEnergy(lambd=6199.8) - flux = magToFlux(mag) - factor = 1.0e4 * flux/pE * vc_A * (1.0/5370.0 - 1.0/7030.0) - return factor * 0.5040 * np.pi * (0.5 * 2.0)**2 * exptime - - -def radial_profile(img, cx, cy, nbins=100, Rmin=16, Rmax=128): - nx = img.shape[0] - ny = img.shape[1] - x = np.arange(0, img.shape[0], 1) - y = np.arange(0, img.shape[1], 1) - xx, yy = np.meshgrid(x, y) - dist = np.sqrt((xx - cx)**2 + (yy - cy)**2) - img_flat = img.flatten() - dist_flat = dist.flatten() - a, bins = np.histogram(dist_flat, range=(Rmin, Rmax), bins=nbins, weights=img_flat) - b, bins = np.histogram(dist_flat, range=(Rmin, Rmax), bins=nbins) - b[b==0] = 1. - mid = (bins[0:-1]+bins[1:])/2. - return a / b, mid - - -if __name__ == '__main__': - iccd = 1 - iwave = 1 - ipsf = 1 - psfPath= '/data/simudata/CSSOSDataProductsSims/data/csstPSFdata/CSSOS_psf_ciomp_30X30' - psfInfo= LoadPSF(iccd, iwave, ipsf, psfPath, psfSampleSize=5, PSFCentroidWgt=False) - - ipsfMat = psfInfo['psfMat'] - print(ipsfMat[0:100,0:100]) - cgrid = 128 - dgrid = 15 - - cx = int(Nx/2) - cy = int(Ny/2) - - with np.printoptions(precision=5, suppress=True): - fig = plt.figure(figsize=(18,12)) - ax = plt.subplot(2,2,1) - plt.imshow(ipsfMat[cgrid-dgrid:cgrid+dgrid, cgrid-dgrid:cgrid+dgrid], origin='lower') - plt.annotate('originalPSF', [0.1, 0.85], xycoords='axes fraction', color='w') - - ax = plt.subplot(2,2,2) - img = galsim.ImageF(ncol=Nx, nrow=Ny, scale=pixSize) - psf_img = galsim.ImageF(ipsfMat, scale=pixSize) - psf = galsim.InterpolatedImage(psf_img) - psf_list = [psf] * 4 - mag_star = 15 - nphotons_tot = getElectronFluxFilt(mag=mag_star) - print(nphotons_tot) - for i in range(4): - nphotons = nphotons_tot / 4. - # star = galsim.Gaussian(sigma=1.e-8, flux=1.) - star = galsim.DeltaFunction() - star = star.withFlux(nphotons) - star = galsim.Convolve(psf_list[i], star) - img = star.drawImage(image=img, method='phot', center=galsim.PositionD(cx, cy), add_to_image=True) - print(img.array.shape) - plt.imshow(img.array[cx-dgrid:cx+dgrid, cy-dgrid:cy+dgrid], origin='lower') - plt.annotate('photon shooting 4 times', [0.1, 0.85], xycoords='axes fraction', color='w') - plt.colorbar() - ax = plt.subplot(2,2,3) - val, bins = radial_profile(img=img.array, cx=cx, cy=cy, nbins=100, Rmax=cx) - # plt.hist(val, bins=bins) - plt.plot(bins, val, label='mag=%d'%(mag_star)) - - img = galsim.ImageF(ncol=Nx, nrow=Ny, scale=pixSize) - psf_img = galsim.ImageF(ipsfMat, scale=pixSize) - psf = galsim.InterpolatedImage(psf_img) - psf_list = [psf] * 4 - mag_star = 13 - nphotons_tot = getElectronFluxFilt(mag=mag_star) - print(nphotons_tot) - for i in range(4): - nphotons = nphotons_tot / 4. - # star = galsim.Gaussian(sigma=1.e-8, flux=1.) - star = galsim.DeltaFunction() - star = star.withFlux(nphotons) - star = galsim.Convolve(psf_list[i], star) - img = star.drawImage(image=img, method='phot', center=galsim.PositionD(cx, cy), add_to_image=True) - print(img.array.shape) - val, bins = radial_profile(img=img.array, cx=cx, cy=cy, nbins=100, Rmax=cx) - # plt.hist(val, bins=bins) - plt.plot(bins, val, label='mag=%d'%(mag_star)) - plt.legend(loc='upper right', fancybox=True) - plt.xlabel("R [pix]", size='x-large') - plt.ylabel("photon count", size='x-large') - plt.ylim([0, 500]) - # print(img.array[0:100,0:100]) - #psf Convolve galsim.DeltaFunction - #photon shooting ? - #plot image? - - # ax = plt.subplot(2,2,2) - # plt.imshow(ipsfMat[cgrid-dgrid:cgrid+dgrid, cgrid-dgrid:cgrid+dgrid], origin='lower') - # plt.annotate('originalPSF', [0.1, 0.85], xycoords='axes fraction', color='w') - - # ax = plt.subplot(2,2,4) - # img = galsim.ImageF(ncol=Nx, nrow=Ny, scale=pixSize) - # psf_img = galsim.ImageF(ipsfMat, scale=pixSize) - # psf = galsim.InterpolatedImage(psf_img) - # psf_list = [psf] * 4 - # nphotons_tot = getElectronFluxFilt(mag=mag_star) - # print(nphotons_tot) - # obj_list = [] - # for i in range(4): - # nphotons = nphotons_tot / 4. - # # star = galsim.Gaussian(sigma=1.e-8, flux=1.) - # star = galsim.DeltaFunction() - # star = star.withFlux(nphotons) - # star = galsim.Convolve(psf_list[i], star) - # obj_list.append(star) - # star = galsim.Sum(obj_list) - # img = star.drawImage(image=img, method='phot', center=galsim.PositionD(cx, cy), add_to_image=True) - # plt.annotate('photon shooting once', [0.1, 0.85], xycoords='axes fraction', color='w') - # print(img.array.shape) - # plt.imshow(img.array[cx-dgrid:cx+dgrid, cy-dgrid:cy+dgrid], origin='lower') - # plt.colorbar() - # print(img.array[0:100,0:100]) - - # ax = plt.subplot(2,3,2) - # imy = psfCentering(ipsfMat, apSizeInArcsec=2.0) - # plt.imshow(imy[cgrid-dgrid:cgrid+dgrid, cgrid-dgrid:cgrid+dgrid], origin='lower') - # plt.annotate('PSFCentroidOld', [0.1, 0.85], xycoords='axes fraction', color='w') - # ax = plt.subplot(2,3,5) - # #psf Convolve galsim.DeltaFunction - # #photon shooting ? - # #plot image? - - # ax = plt.subplot(2,3,3) - # psfInfo= LoadPSF(iccd, iwave, ipsf, psfPath, psfSampleSize=5, PSFCentroidWgt=True) - # ipsfMat = psfInfo['psfMat'] - # # print(ipsfMat[0:100,0:100]) - # plt.imshow(ipsfMat[cgrid-dgrid:cgrid+dgrid, cgrid-dgrid:cgrid+dgrid], origin='lower') - # plt.annotate('PSFCentroidNew', [0.1, 0.85], xycoords='axes fraction', color='w') - # ax = plt.subplot(2,3,6) - # #psf Convolve galsim.DeltaFunction - # #photon shooting ? - # #plot image? - - plt.savefig('testPlot.pdf') - - - - - - - - diff --git a/ObservationSim/run.pbs b/ObservationSim/run.pbs index e199d491aafcf8c9cc65506582f32ad98578fce7..06bc354680ecce9821adecce5fe0b8c89aa4a60b 100755 --- a/ObservationSim/run.pbs +++ b/ObservationSim/run.pbs @@ -16,8 +16,4 @@ NP=40 date echo $NP -# mpirun -np $NP --oversubscribe -H comput101 python /public/home/fangyuedong/CSST/ObservationSim/runExposure.py -# python /public/home/fangyuedong/sim_code_release/CSSTSim/ObservationSim/preprocess.py -# mpirun -np $NP python /public/home/fangyuedong/sim_code_release/CSSTSim/ObservationSim/runExposure.py - -mpirun -np $NP python /public/home/fangyuedong/sim_code_release/CSSTSim/ObservationSim/runExposure.py config_sim.yaml -c /public/home/fangyuedong/sim_code_release/CSSTSim/config +mpirun -np $NP python /public/home/fangyuedong/test_release/CSST/ObservationSim/runExposure.py config_sim.yaml -c /public/home/fangyuedong/test_release/CSST/config diff --git a/config/config_sim.yaml b/config/config_sim.yaml index f8e51f45f3d7e5d01db81e78fe4053295896fbb0..6169e7f3028f4febfceaf6f493a5b2dd40eaa996 100644 --- a/config/config_sim.yaml +++ b/config/config_sim.yaml @@ -10,7 +10,7 @@ # Can add some of the command-line arguments here as well; # OK to pass either way or both, as long as they are consistent # work_dir: "/public/home/fangyuedong/sim_code_release/CSST/test/" -work_dir: "/public/home/fangyuedong/sim_code_release/CSSTSim/workplace/" +work_dir: "/public/home/fangyuedong/test_release/CSST/workplace/" data_dir: "/data/simudata/CSSOSDataProductsSims/data/" run_name: "TEST" @@ -39,9 +39,9 @@ obs_setting: # Options for survey types: # "Photometric": simulate photometric chips only - # "Spectroscoplic": simulate slitless spectroscopic chips only + # "Spectroscopic": simulate slitless spectroscopic chips only # "All": simulate full focal plane - survey_type: "Photometric" + survey_type: "All" # Exposure time [seconds] exp_time: 150. @@ -61,15 +61,15 @@ obs_setting: # Number of calibration pointings # Note: only valid when a pointing list is specified - np_cal: 1 + np_cal: 0 # (Optional) only run specific pointing(s). # Note: only valid when a pointing list is specified - run_pointings: [0, 1, 2, 3, 4] + run_pointings: [5, 6] # (Optional) only run specific chip(s) # Note: for all pointings - run_chips: [6, 25] + # run_chips: [6, 25] ############################################### # Input path setting @@ -116,7 +116,11 @@ psf_setting: # path to PSF data # NOTE: only valid for "Interp" PSF - psf_dir: "csstPSFdata/CSSOS_psf_20210108/CSST_psf_ciomp_2p5um_cycle3_ccr90_proc" + psf_dir: "csstPSFdata/CSSOS_psf_20210108/CSST_psf_ciomp_2p5um_cycle3_ccr90" + + # path to field-distortion model + # Note: only valid when ins_effects: field_dist is "ON" + fd_path: "FieldDistModelv2.0.pickle" # sigma_spin: 0.0 # psf spin?