123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184185186187188189190191192193194195196197198199200201202203204205206207208209210211212213214215216217218219220221222223224225226227228229230231232233234235236237238239240241242243244245246247248249250251252253254255256257258259260261262263264265266267268269270271272273274275276277278279280281282283284285286287288289290291292293294295296297298299300301302303304305306307308309310311312313314315316317318319320321322323324325326327328329330331332333334335336337338339340341342343344345346347348349350351352353354355356357358359360361362363364365366367368369370371372373374375376377378379380381382383384385386387388389390391392393394395396397398399400401402403404405406407408409410411412413414415416417418419420421422423424425426427428429430431432433434435436437438439440441442443444445446447448449450451452453454455456457458459460461462463464465466467468469470471472473474475476477478479480481482483484485486487488489490491492493494495496497498499500501502503504505506507508509510511512513514515516517518519520521522523524525526527528529530531532533534535536537538539540541542543544545546547548549550 |
- import numpy, pylab,array #,rpy2
-
- from rpy2.robjects.packages import importr
-
- import rpy2.robjects as robjects
- import rpy2.robjects.numpy2ri
-
- #import notch
- from numpy.fft import fft, fftfreq
-
- # We know/can calculate frequency peak, use this to guess where picks will be.
- # maybe have a sliding window that reports peak values.
- def peakPicker(data, omega, dt):
-
- # compute window based on omega and dt
- # make sure you are not aliased, grab every other peak
- window = (2*numpy.pi) / (omega*dt)
-
- data = numpy.array(data)
- peaks = []
- troughs = []
- times = []
- times2 = []
- indices = []
- ws = 0
- we = window
- ii = 0
- for i in range((int)(len(data)/window)):
-
- # initially was just returning this I think avg is better
- #times.append( (ws + numpy.abs(data[ws:we]).argmax()) * dt )
-
- peaks.append(numpy.max(data[ws:we]))
- times.append( (ws + data[ws:we].argmax()) * dt )
- indices.append( ii + data[ws:we].argmax() )
-
- troughs.append(numpy.min(data[ws:we]))
- times2.append( (ws + (data[ws:we]).argmin()) * dt )
- indices.append( ii + data[ws:we].argmin() )
-
- ws += window
- we += window
- ii += (int)(we-ws)
-
- #return numpy.array(peaks), numpy.array(times)
-
- # Averaging peaks does a good job of removing bias in noise
- return (numpy.array(peaks)-numpy.array(troughs))/2., \
- (numpy.array(times)+numpy.array(times2))/2., \
- indices
-
-
- #################################################
- # Regress for T2 using rpy2 interface
- def regressCurve(peaks,times,sigma2=None ,intercept=True):
-
- # TODO, if regression fails, it might be because there is no exponential
- # term, maybe do a second regression then on a linear model.
- b1 = 0 # Bias
- b2 = 0 # Linear
- rT2 = 0.3 # T2 regressed
- r = robjects.r
-
- # Variable shared between R and Python
- robjects.globalenv['b1'] = b1
- robjects.globalenv['b2'] = b2
- robjects.globalenv['rT2'] = rT2
- #robjects.globalenv['sigma2'] = sigma2
- value = robjects.FloatVector(peaks)
- times = robjects.FloatVector(numpy.array(times))
-
- # my_weights = robjects.RVector(value/sigma2)
- # robjects.globalenv['my_weigts'] = my_weights
-
- if sigma2 != None:
- # print ("weighting")
- #tw = numpy.array(peaks)/sigma2
- my_weights = robjects.FloatVector( sigma2 )
- #else:
- # my_weights = robjects.FloatVector(numpy.ones(len(peaks)))
-
- robjects.globalenv['my_weights'] = my_weights
- #print (my_weights)
- #print (len(peaks))
-
- if (intercept):
- my_list = robjects.r('list(b1=50, b2=1e2, rT2=0.03)')
- my_lower = robjects.r('list(b1=0, b2=0, rT2=.005)')
- my_upper = robjects.r('list(b1=20000, b2=2000, rT2=.700)')
- else:
- my_list = robjects.r('list(b2=1e2, rT2=0.3)')
- my_lower = robjects.r('list(b2=0, rT2=.005)')
- my_upper = robjects.r('list(b2=2000, rT2=.700)')
-
- my_cont = robjects.r('nls.control(maxiter=1000, warnOnly=TRUE, printEval=FALSE)')
-
-
- if (intercept):
- #fmla = robjects.RFormula('value ~ b1 + exp(-times/rT2)')
- fmla = robjects.Formula('value ~ b1 + b2*exp(-times/rT2)')
- #fmla = robjects.RFormula('value ~ b1 + b2*times + exp(-times/rT2)')
- else:
- fmla = robjects.Formula('value ~ b2*exp(-times/rT2)')
-
- env = fmla.getenvironment()
- env['value'] = value
- env['times'] = times
-
- # ugly, but I get errors with everything else I've tried
- #my_weights = robjects.r('rep(1,length(value))')
- #for ii in range(len(my_weights)):
- # my_weights[ii] *= peaks[ii]/sigma2
-
-
- Error = False
- #fit = robjects.r.nls(fmla,start=my_list,control=my_cont,weights=my_weights)
- if (sigma2 != None):
- #print("SIGMA 2")
- #fit = robjects.r.tryCatch(robjects.r.suppressWarnings(robjects.r.nls(fmla,start=my_list,control=my_cont,algorithm="port", \
- # weights=my_weights)), 'silent=TRUE')
- try:
- fit = robjects.r.tryCatch( robjects.r.nls(fmla, start=my_list, control=my_cont, weights=my_weights, algorithm="port" , \
- lower=my_lower,upper=my_upper))
- except:
- print("regression issue pass")
- Error = True
- # weights=my_weights))
- else:
- try:
- fit = robjects.r.tryCatch(robjects.r.nls(fmla,start=my_list,control=my_cont,algorithm="port",lower=my_lower,upper=my_upper))
- except:
- print("regression issue pass")
- Error = True
- # If failure fall back on zero regression values
- if not Error:
- #Error = fit[3][0]
- report = r.summary(fit)
- b1 = 0
- b2 = 0
- rT2 = 1
- if (intercept):
- if not Error:
- b1 = r['$'](report,'par')[0]
- b2 = r['$'](report,'par')[1]
- rT2 = r['$'](report,'par')[2]
- #print report
- #print r['$'](report,'convergence')
- #print r['convergence'] #(report,'convergence')
- #print r['$'](report,'par')[13]
- #print r['$'](report,'par')[14]
- else:
- print("ERROR DETECTED, regressed values set to default")
- b1 = 1e1
- b2 = 1e-2
- rT2 = 1e-2
- #print r['$'](report,'par')[0]
- #print r['$'](report,'par')[1]
- #print r['$'](report,'par')[2]
- return [b1,b2,rT2]
- else:
- if not Error:
- rT2 = r['$'](report,'par')[1]
- b2 = r['$'](report,'par')[0]
- else:
- print("ERROR DETECTED, regressed values set to default")
- return [b2, rT2]
-
- def quadratureDetect(X, Y, tt):
-
- r = robjects.r
-
- robjects.r('''
- Xc <- function(E0, df, tt, phi, T2) {
- E0 * -sin(2*pi*df*tt + phi) * exp(-tt/T2)
- }
-
- Yc <- function(E0, df, tt, phi, T2) {
- E0 * cos(2*pi*df*tt + phi) * exp(-tt/T2)
- }
- ''')
-
- # Make 0 vector
- Zero = robjects.FloatVector(numpy.zeros(len(X)))
-
- # Fitted Parameters
- E0 = 0.
- df = 0.
- phi = 0.
- T2 = 0.
- robjects.globalenv['E0'] = E0
- robjects.globalenv['df'] = df
- robjects.globalenv['phi'] = phi
- robjects.globalenv['T2'] = T2
- XY = robjects.FloatVector(numpy.concatenate((X,Y)))
-
- # Arrays
- tt = robjects.FloatVector(numpy.array(tt))
- X = robjects.FloatVector(numpy.array(X))
- Y = robjects.FloatVector(numpy.array(Y))
- Zero = robjects.FloatVector(numpy.array(Zero))
-
- #fmla = robjects.Formula('Zero ~ QI( E0, df, tt, phi, T2, X, Y )')
- #fmla = robjects.Formula('X ~ Xc( E0, df, tt, phi, T2 )')
- #fmla = robjects.Formula('Y ~ Yc( E0, df, tt, phi, T2 )')
- fmla = robjects.Formula('XY ~ c(Xc( E0, df, tt, phi, T2 ), Yc( E0, df, tt, phi, T2 ))')
-
- env = fmla.getenvironment()
- env['Zero'] = Zero
- env['X'] = X
- env['Y'] = Y
- env['XY'] = XY
- env['tt'] = tt
-
- # Bounds and control
- start = robjects.r('list(E0=100, df= 0 , phi= 0.00, T2=.100)')
- lower = robjects.r('list(E0=1, df=-13.0, phi= -3.14, T2=.005)')
- upper = robjects.r('list(E0=1000, df= 13.0, phi= 3.14, T2=.800)')
-
- cont = robjects.r('nls.control(maxiter=10000, warnOnly=TRUE, printEval=FALSE)')
-
- fit = robjects.r.tryCatch(robjects.r.nls(fmla, start=start, control=cont, lower=lower, upper=upper, algorithm='port')) #, \
- report = r.summary(fit)
- #print (report)
-
- E0 = r['$'](report,'par')[0]
- df = r['$'](report,'par')[1]
- phi = r['$'](report,'par')[2]
- T2 = r['$'](report,'par')[3]
- #print ( E0,df,phi,T2 )
- return E0,df,phi,T2
-
-
- #################################################
- # Regress for T2 using rpy2 interface
- def regressSpec(w, wL, X): #,sigma2=1,intercept=True):
-
- # compute s
- s = -1j*w
-
- # TODO, if regression fails, it might be because there is no exponential
- # term, maybe do a second regression then on a linear model.
- a = 0 # Linear
- rT2 = 0.1 # T2 regressed
- r = robjects.r
-
- # Variable shared between R and Python
- robjects.globalenv['a'] = a
- #robjects.globalenv['w'] = w
- robjects.globalenv['rT2'] = rT2
- robjects.globalenv['wL'] = wL
- robjects.globalenv['nb'] = 0
-
- #s = robjects.ComplexVector(numpy.array(s))
- w = robjects.FloatVector(numpy.array(w))
- XX = robjects.FloatVector(X)
- #Xr = robjects.FloatVector(numpy.real(X))
- #Xi = robjects.FloatVector(numpy.imag(X))
- #Xa = robjects.FloatVector(numpy.abs(X))
- #Xri = robjects.FloatVector(numpy.concatenate((Xr,Xi)))
-
- #my_lower = robjects.r('list(a=.001, rT2=.001, nb=.0001)')
- my_lower = robjects.r('list(a=.001, rT2=.001)')
- #my_upper = robjects.r('list(a=1.5, rT2=.300, nb =100.)')
- my_upper = robjects.r('list(a=1.5, rT2=.300)')
-
- #my_list = robjects.r('list(a=.2, rT2=0.03, nb=.1)')
- my_list = robjects.r('list(a=.2, rT2=0.03)')
- my_cont = robjects.r('nls.control(maxiter=5000, warnOnly=TRUE, printEval=FALSE)')
-
- #fmla = robjects.Formula('Xri ~ c(a*Re((wL) / (wL^2+(s+1/rT2)^2 )), a*Im((wL)/(wL^2 + (s+1/rT2)^2 )))') # envelope
- ##fmla = robjects.Formula('Xri ~ c(a*Re((wL) / (wL^2+(s+1/rT2)^2 )), a*Im((wL)/(wL^2 + (s+1/rT2)^2 )))') # envelope
- #fmla = robjects.Formula('XX ~ a*(wL) / (wL^2 + (s+1/rT2)^2 )') # complex
- #fmla = robjects.Formula('Xa ~ abs(a*(wL) / (wL^2 + (s+1/rT2)^2 )) + nb') # complex
- #fmla = robjects.Formula('XX ~ Re(a*( s + 1./rT2 ) / (wL^2 + (s+1/rT2)^2 ))') # complex
- fmla = robjects.Formula('XX ~ a*(.5/rT2) / ((1./rT2)^2 + (w-wL)^2 )')
- #fmla = robjects.Formula('Xa ~ (s + 1./T2) / ( wL**2 + (1/T2 + 1j*w)**2 ) ')
-
- env = fmla.getenvironment()
- #env['s'] = s
- env['w'] = w
- #env['Xr'] = Xr
- #env['Xa'] = Xa
- #env['Xi'] = Xi
- #env['Xri'] = Xri
- env['XX'] = XX
-
- #fit = robjects.r.tryCatch(robjects.r.nls(fmla,start=my_list, control=my_cont)) #, lower=my_lower, algorithm='port')) #, \
- fit = robjects.r.tryCatch(robjects.r.nls(fmla, start=my_list, control=my_cont, lower=my_lower, upper=my_upper, algorithm='port')) #, \
- report = r.summary(fit)
- #print report
- #print(r.warnings())
-
- a = r['$'](report,'par')[0]
- rT2 = r['$'](report,'par')[1]
- nb = r['$'](report,'par')[2]
-
- return a, rT2, nb
-
- #################################################
- # Regress for T2 using rpy2 interface
- def regressModulus(w, wL, X): #,sigma2=1,intercept=True):
-
- # compute s
- s = -1j*w
-
- # TODO, if regression fails, it might be because there is no exponential
- # term, maybe do a second regression then on a linear model.
- a = 0 # Linear
- rT2 = 0.1 # T2 regressed
- r = robjects.r
-
- # Variable shared between R and Python
- robjects.globalenv['a'] = a
- robjects.globalenv['rT2'] = rT2
- robjects.globalenv['wL'] = wL
- robjects.globalenv['nb'] = 0
-
- s = robjects.ComplexVector(numpy.array(s))
- XX = robjects.ComplexVector(X)
- Xr = robjects.FloatVector(numpy.real(X))
- Xi = robjects.FloatVector(numpy.imag(X))
- Xa = robjects.FloatVector(numpy.abs(X))
- Xri = robjects.FloatVector(numpy.concatenate((Xr,Xi)))
-
- #my_lower = robjects.r('list(a=.001, rT2=.001, nb=.0001)')
- my_lower = robjects.r('list(a=.001, rT2=.001)')
- #my_upper = robjects.r('list(a=1.5, rT2=.300, nb =100.)')
- my_upper = robjects.r('list(a=1.5, rT2=.300)')
-
- #my_list = robjects.r('list(a=.2, rT2=0.03, nb=.1)')
- my_list = robjects.r('list(a=.2, rT2=0.03)')
- my_cont = robjects.r('nls.control(maxiter=5000, warnOnly=TRUE, printEval=FALSE)')
-
- #fmla = robjects.Formula('Xri ~ c(a*Re((wL) / (wL^2+(s+1/rT2)^2 )), a*Im((wL)/(wL^2 + (s+1/rT2)^2 )))') # envelope
- ##fmla = robjects.Formula('Xri ~ c(a*Re((wL) / (wL^2+(s+1/rT2)^2 )), a*Im((wL)/(wL^2 + (s+1/rT2)^2 )))') # envelope
- #fmla = robjects.Formula('XX ~ a*(wL) / (wL^2 + (s+1/rT2)^2 )') # complex
- #fmla = robjects.Formula('Xa ~ abs(a*(wL) / (wL^2 + (s+1/rT2)^2 )) + nb') # complex
- fmla = robjects.Formula('Xa ~ abs(a*(wL) / (wL^2 + (s+1/rT2)^2 ))') # complex
-
- env = fmla.getenvironment()
- env['s'] = s
- env['Xr'] = Xr
- env['Xa'] = Xa
- env['Xi'] = Xi
- env['Xri'] = Xri
- env['XX'] = XX
-
- #fit = robjects.r.tryCatch(robjects.r.nls(fmla,start=my_list, control=my_cont)) #, lower=my_lower, algorithm='port')) #, \
- fit = robjects.r.tryCatch(robjects.r.nls(fmla, start=my_list, control=my_cont, lower=my_lower, upper=my_upper, algorithm='port')) #, \
- report = r.summary(fit)
- #print report
- #print r.warnings()
-
- a = r['$'](report,'par')[0]
- rT2 = r['$'](report,'par')[1]
- nb = r['$'](report,'par')[2]
-
- return a, rT2
-
- #################################################
- # Regress for T2 using rpy2 interface
- def regressSpecComplex(w, wL, X, known=True, win=None): #,sigma2=1,intercept=True):
-
- # compute s
- s = -1j*w
-
- # TODO, if regression fails, it might be because there is no exponential
- # term, maybe do a second regression then on a linear model.
- a = 1 # Linear
- rT2 = 0.1 # T2 regressed
- r = robjects.r
- phi2 = 0 # phase
- wL2 = wL
-
- # Variable shared between R and Python
- robjects.globalenv['a'] = a
- robjects.globalenv['rT2'] = rT2
- robjects.globalenv['wL'] = wL
- robjects.globalenv['wL2'] = 0
- robjects.globalenv['nb'] = 0
- robjects.globalenv['phi2'] = phi2
-
- s = robjects.ComplexVector(numpy.array(s))
- XX = robjects.ComplexVector(X)
- Xr = robjects.FloatVector(numpy.real(X))
- Xi = robjects.FloatVector(numpy.imag(X))
- Xa = robjects.FloatVector(numpy.abs(X))
- Xri = robjects.FloatVector(numpy.concatenate((X.real,X.imag)))
-
- robjects.r('''
- source('kernel.r')
- ''')
- #Kw = robjects.globalenv['Kwri']
-
- #print (numpy.shape(X))
-
- #######################################################################
-
- if known:
- # known Frequency
- my_lower = robjects.r('list(a=.001, rT2=.001, phi2=-3.14)')
- my_upper = robjects.r('list(a=3.5, rT2=.300, phi2=3.14)')
- my_list = robjects.r('list(a=.2, rT2=0.03, phi2=0)')
- else:
- # Unknown Frequency
- my_lower = robjects.r('list(a=.001, rT2=.001, phi2=-3.14, wL2=wL-5)')
- my_upper = robjects.r('list(a=3.5, rT2=.300, phi2=3.14, wL2=wL+5)')
- my_list = robjects.r('list(a=.2, rT2=0.03, phi2=0, wL2=wL)')
-
- my_cont = robjects.r('nls.control(maxiter=5000, warnOnly=TRUE, printEval=FALSE)')
-
- #fmla = robjects.Formula('Xri ~ c(a*Re((wL) / (wL^2+(s+1/rT2)^2 )), a*Im((wL)/(wL^2 + (s+1/rT2)^2 )))') # envelope
- #fmla = robjects.Formula('Xi ~ Im(a*(sin(phi2)*s + ((1/rT2)*sin(phi2)) + wL*cos(phi2)) / (wL^2+(s+1/rT2)^2 ))') # envelope
- #fmla = robjects.Formula('Xri ~ c(Re(a*(sin(phi2)*s + ((1/rT2)*sin(phi2)) + wL*cos(phi2)) / (wL^2+(s+1/rT2)^2 )), Im(a*(sin(phi2)*s + ((1/rT2)*sin(phi2)) + wL*cos(phi2)) / (wL^2+(s+1/rT2)^2 )))') # envelope
-
- #fmlar = robjects.Formula('Xr ~ (Kwr(a, phi2, s, rT2, wL)) ') # envelope
- #fmlai = robjects.Formula('Xi ~ (Kwi(a, phi2, s, rT2, wL)) ') # envelope
-
-
-
- if known:
- ###########################################3
- # KNOWN freq
- fmla = robjects.Formula('Xri ~ c(Kwr(a, phi2, s, rT2, wL), Kwi(a, phi2, s, rT2, wL) ) ') # envelope
- else:
- ####################################################################################################3
- # unknown frequency
- fmla = robjects.Formula('Xri ~ c(Kwr(a, phi2, s, rT2, wL2), Kwi(a, phi2, s, rT2, wL2) ) ') # envelope
-
- #fmla = robjects.Formula('Xri ~ (Kwri(a, phi2, s, rT2, wL)) ') # envelope
-
- #fmla = robjects.Formula('Xa ~ (abs(a*(sin(phi2)*s + ((1/rT2)*sin(phi2)) + wL*cos(phi2)) / (wL^2+(s+1/rT2)^2 )))') # envelope
- #fmla = robjects.Formula('XX ~ a*(wL) / (wL^2 + (s+1/rT2)^2 )') # complex
- #fmla = robjects.Formula('Xa ~ abs(a*(wL) / (wL^2 + (s+1/rT2)^2 )) + nb') # complex
-
- #fmla = robjects.Formula('Xri ~ c(a*Re((wL) / (wL^2+(s+1/rT2)^2 )), a*Im((wL)/(wL^2 + (s+1/rT2)^2 )))') # envelope
-
- # self.Gw[iw, iT2] = ((np.sin(phi2) * (alpha + 1j*self.w[iw]) + self.wL*np.cos(phi2)) / \
- # (self.wL**2 + (alpha+1.j*self.w[iw])**2 ))
- # self.Gw[iw, iT2] = ds * self.sc*((np.sin(phi2)*( alpha + 1j*self.w[iw]) + self.wL*np.cos(phi2)) / \
- # (self.wL**2 + (alpha+1.j*self.w[iw])**2 ))
-
- # Works Amplitude Only!
- #fmla = robjects.Formula('Xa ~ abs(a*(wL) / (wL^2 + (s+1/rT2)^2 ))') # complex
-
- env = fmla.getenvironment()
- env['s'] = s
- env['Xr'] = Xr
- env['Xa'] = Xa
- env['Xi'] = Xi
- env['Xri'] = Xri
- env['XX'] = XX
-
- #fit = robjects.r.tryCatch(robjects.r.nls(fmla,start=my_list, control=my_cont)) #, lower=my_lower, algorithm='port')) #, \
- #fit = robjects.r.tryCatch(robjects.r.nls(fmlar, start=my_list, control=my_cont, lower=my_lower, upper=my_upper, algorithm='port')) #, \
- fit = robjects.r.tryCatch(robjects.r.nls(fmla, start=my_list, control=my_cont, lower=my_lower, upper=my_upper, algorithm='port')) #, \
-
- #env = fmlai.getenvironment()
- #fiti = robjects.r.tryCatch(robjects.r.nls(fmlai, start=my_list, control=my_cont, lower=my_lower, upper=my_upper, algorithm='port')) #, \
-
- #reportr = r.summary(fitr)
- #reporti = r.summary(fiti)
- report = r.summary(fit)
- #print( report )
- #exit()
- #print( reportr )
- #print( reporti )
- #exit()
- #print ( r.warnings())
-
- #a = (r['$'](reportr,'par')[0] + r['$'](reporti,'par')[0]) / 2.
- #rT2 = (r['$'](reportr,'par')[1] + r['$'](reporti,'par')[1]) / 2.
- #nb = (r['$'](reportr,'par')[2] + r['$'](reporti,'par')[2]) / 2.
- a = r['$'](report,'par')[0]
- rT2 = r['$'](report,'par')[1]
- nb = r['$'](report,'par')[2] #phi2
-
- #print ("Python wL2", r['$'](report,'par')[3] )
- #print ("Python zeta", r['$'](report,'par')[2] )
-
- return a, rT2, nb
-
-
-
- ###################################################################
- ###################################################################
- ###################################################################
- if __name__ == "__main__":
-
- dt = .0001
- T2 = .1
- omega = 2000.*2*numpy.pi
- phi = .0
- T = 8.*T2
-
- t = numpy.arange(0, T, dt)
-
- # Synthetic data, simple single decaying sinusoid
- # with a single decay parameter and gaussian noise added
- data = numpy.exp(-t/T2) * numpy.sin(omega * t + phi) + numpy.random.normal(0,.05,len(t)) \
- + numpy.random.randint(-1,2,len(t))*numpy.random.exponential(.2,len(t))
- cdata = numpy.exp(-t/T2) * numpy.sin(omega * t + phi) #+ numpy.random.normal(0,.25,len(t))
- #data = numpy.random.normal(0,.25,len(t))
-
- sigma2 = numpy.std(data[::-len(data)/4])
- #sigma2 = numpy.var(data[::-len(data)/4])
- print("sigma2", sigma2)
-
- [peaks,times,indices] = peakPicker(data, omega, dt)
-
- [b1,b2,rT2] = regressCurve(peaks,times)
- print("rT2 nonweighted", rT2)
-
- [b1,b2,rT2] = regressCurve(peaks,times,sigma2)
- print("rT2 weighted", rT2)
-
- envelope = numpy.exp(-t/T2)
- renvelope = numpy.exp(-t/rT2)
-
- outf = file('regress.txt','w')
- for i in range(len(times)):
- outf.write(str(times[i]) + " " + str(peaks[i]) + "\n")
- outf.close()
-
- pylab.plot(t,data, 'b')
- pylab.plot(t,cdata, 'g', linewidth=1)
- pylab.plot(t,envelope, color='violet', linewidth=4)
- pylab.plot(t,renvelope, 'r', linewidth=4)
- pylab.plot(times, numpy.array(peaks), 'bo', markersize=8, alpha=.25)
- pylab.legend(['noisy data','clean data','real envelope','regressed env','picks'])
- pylab.savefig("regression.pdf")
-
-
- # FFT check
- fourier = fft(data)
- pylab.figure()
- freq = fftfreq(len(data), d=dt)
- pylab.plot(freq, (fourier.real))
-
- pylab.show()
-
- # TODO do a bunch in batch mode to see if T2 estimate is better with or without
- # weighting and which model is best.
-
- # TODO try with real data
-
- # TODO test filters (median, FFT, notch)
-
- # It looks like weighting is good for relatively low sigma, but for noisy data
- # it hurts us. Check
|