agpy 0.1 documentation

Source code for plfit.fortran_plfit

# intended to implement a power-law fitting routine as specified in.....
# http://www.santafe.edu/~aaronc/powerlaws/
#
# The MLE for the power-law alpha is very easy to derive given knowledge
# of the lowest value at which a power law holds, but that point is 
# difficult to derive and must be acquired iteratively.

"""
plfit.py - a python power-law fitter based on code by Aaron Clauset
http://www.santafe.edu/~aaronc/powerlaws/
http://arxiv.org/abs/0706.1062 "Power-law distributions in empirical data" 
Requires pylab (matplotlib), which requires numpy

example use:
from plfit import plfit

MyPL = plfit(mydata)
MyPL.plotpdf(log=True)


"""

import numpy 
import time
import pylab
try:
    import fplfit
    usefortran=True
    print "Fortran plfit module loaded successfully."
except ImportError:
    print "Fortran module could not be loaded.  plfit will load with the \
            python module instead - it is fully functional but at least 4x \
            slower for large arrays"
    usefortran=False

import numpy.random as npr
from numpy import log,log10,sum,argmin,argmax,exp,min,max

[docs]class plfit: """ A Python implementation of the Matlab code http://www.santafe.edu/~aaronc/powerlaws/plfit.m from http://www.santafe.edu/~aaronc/powerlaws/ See A. Clauset, C.R. Shalizi, and M.E.J. Newman, "Power-law distributions in empirical data" SIAM Review, to appear (2009). (arXiv:0706.1062) http://arxiv.org/abs/0706.1062 The output "alpha" is defined such that p(x) ~ (x/xmin)^-alpha """ def __init__(self,x,**kwargs): """ Initializes and fits the power law. Can pass "quiet" to turn off output (except for warnings; "silent" turns off warnings) """ self.data = x self.plfit(**kwargs)
[docs] def alpha_(self,x): def alpha(xmin,x=x): """ given a sorted data set and a minimum, returns power law MLE fit data is passed as a keyword parameter so that it can be vectorized """ x = x[x>=xmin] n = sum(x>=xmin) a = float(n) / sum(log(x/xmin)) return a return alpha
[docs] def kstest_(self,x): def kstest(xmin,x=x): """ given a sorted data set and a minimum, returns power law MLE ks-test w/data data is passed as a keyword parameter so that it can be vectorized """ x = x[x>=xmin] n = float(len(x)) a = float(n) / sum(log(x/xmin)) cx = numpy.arange(n,dtype='float')/float(n) cf = 1-(xmin/x)**a ks = max(abs(cf-cx)) return ks return kstest # should probably use a decorator here
[docs] def plfit(self,nosmall=True,finite=False,quiet=False,silent=False,usefortran=usefortran,usecy=False, xmin=None): """ A Python implementation of the Matlab code http://www.santafe.edu/~aaronc/powerlaws/plfit.m from http://www.santafe.edu/~aaronc/powerlaws/ See A. Clauset, C.R. Shalizi, and M.E.J. Newman, "Power-law distributions in empirical data" SIAM Review, to appear (2009). (arXiv:0706.1062) http://arxiv.org/abs/0706.1062 nosmall is on by default; it rejects low s/n points can specify xmin to skip xmin estimation There are 3 implementations of xmin estimation. The fortran version is fastest, the C (cython) version is ~10% slower, and the python version is ~3x slower than the fortran version. Also, the cython code suffers ~2% numerical error relative to the fortran and python for unknown reasons. """ x = self.data z = numpy.sort(x) t = time.time() xmins,argxmins = numpy.unique(z,return_index=True)#[:-1] t = time.time() if xmin is None: if usefortran: dat,av = fplfit.plfit(z,int(nosmall)) goodvals=dat>0 sigma = ((av-1)/numpy.sqrt(len(z)-numpy.arange(len(z))))[argxmins] dat = dat[goodvals] av = av[goodvals] if not quiet: print "FORTRAN plfit executed in %f seconds" % (time.time()-t) elif usecy and cyok: dat,av = cplfit.plfit_loop(z,nosmall=nosmall,zunique=xmins,argunique=argxmins) goodvals=dat>0 sigma = (av-1)/numpy.sqrt(len(z)-argxmins) dat = dat[goodvals] av = av[goodvals] if not quiet: print "CYTHON plfit executed in %f seconds" % (time.time()-t) else: av = numpy.asarray( map(self.alpha_(z),xmins) ,dtype='float') dat = numpy.asarray( map(self.kstest_(z),xmins),dtype='float') if nosmall: # test to make sure the number of data points is high enough # to provide a reasonable s/n on the computed alpha sigma = (av-1)/numpy.sqrt(len(z)-argxmins+1) goodvals = sigma<0.1 nmax = argmin(goodvals) dat = dat[:nmax] av = av[:nmax] if not quiet: print "PYTHON plfit executed in %f seconds" % (time.time()-t) self._av = av self._xmin_kstest = dat self._sigma = sigma xmin = xmins[argmin(dat)] z = z[z>=xmin] n = len(z) alpha = 1 + n / sum( log(z/xmin) ) if finite: alpha = alpha*(n-1.)/n+1./n if n < 50 and not finite and not silent: print '(PLFIT) Warning: finite-size bias may be present. n=%i' % n ks = max(abs( numpy.arange(n)/float(n) - (1-(xmin/z)**(alpha-1)) )) L = n*log((alpha-1)/xmin) - alpha*sum(log(z/xmin)) #requires another map... Larr = arange(len(unique(x))) * log((av-1)/unique(x)) - av*sum self._likelihood = L self._xmin = xmin self._xmins = xmins self._alpha= alpha self._alphaerr = (alpha-1)/numpy.sqrt(n) self._ks = ks # this ks statistic may not have the same value as min(dat) because of unique() self._ngtx = n if not quiet: print "xmin: %g n(>xmin): %i alpha: %g +/- %g Likelihood: %g ks: %g" % (xmin,n,alpha,self._alphaerr,L,ks) return xmin,alpha
[docs] def alphavsks(self,autozoom=True,**kwargs): """ Plot alpha versus the ks value for derived alpha. This plot can be used as a diagnostic of whether you have derived the 'best' fit: if there are multiple local minima, your data set may be well suited to a broken powerlaw or a different function. """ pylab.plot(self._xmin_kstest,1+self._av,'.') pylab.errorbar([self._ks],self._alpha,yerr=self._alphaerr,fmt='+') ax=pylab.gca() ax.set_xlim(0.8*(self._ks),3*(self._ks)) ax.set_ylim((self._alpha)-5*self._alphaerr,(self._alpha)+5*self._alphaerr) ax.set_xlabel("KS statistic") ax.set_ylabel(r'$\alpha$') pylab.draw() return ax
[docs] def plotcdf(self,x=None,xmin=None,alpha=None,**kwargs): """ Plots CDF and powerlaw """ if not(x): x=self.data if not(xmin): xmin=self._xmin if not(alpha): alpha=self._alpha x=numpy.sort(x) n=len(x) xcdf = numpy.arange(n,0,-1,dtype='float')/float(n) q = x[x>=xmin] fcdf = (q/xmin)**(1-alpha) nc = xcdf[argmax(x>=xmin)] fcdf_norm = nc*fcdf pylab.loglog(x,xcdf,marker='+',color='k',**kwargs) pylab.loglog(q,fcdf_norm,color='r',**kwargs)
[docs] def plotpdf(self,x=None,xmin=None,alpha=None,nbins=50,dolog=True,dnds=False,**kwargs): """ Plots PDF and powerlaw. """ if not(x): x=self.data if not(xmin): xmin=self._xmin if not(alpha): alpha=self._alpha x=numpy.sort(x) n=len(x) pylab.gca().set_xscale('log') pylab.gca().set_yscale('log') if dnds: hb = pylab.histogram(x,bins=numpy.logspace(log10(min(x)),log10(max(x)),nbins)) h = hb[0] b = hb[1] db = hb[1][1:]-hb[1][:-1] h = h/db pylab.plot(b[:-1],h,drawstyle='steps-post',color='k',**kwargs) #alpha -= 1 elif dolog: hb = pylab.hist(x,bins=numpy.logspace(log10(min(x)),log10(max(x)),nbins),log=True,fill=False,edgecolor='k',**kwargs) alpha -= 1 h,b=hb[0],hb[1] else: hb = pylab.hist(x,bins=numpy.linspace((min(x)),(max(x)),nbins),fill=False,edgecolor='k',**kwargs) h,b=hb[0],hb[1] b = b[1:] q = x[x>=xmin] px = (alpha-1)/xmin * (q/xmin)**(-alpha) arg = argmin(abs(b-xmin)) plotloc = (b>xmin)*(h>0) norm = numpy.median( h[plotloc] / ((alpha-1)/xmin * (b[plotloc]/xmin)**(-alpha)) ) px = px*norm pylab.loglog(q,px,'r',**kwargs) pylab.vlines(xmin,0.1,max(px),colors='r',linestyle='dashed') pylab.gca().set_xlim(min(x),max(x))
[docs] def plotppf(self,x=None,xmin=None,alpha=None,dolog=True,**kwargs): if not(xmin): xmin=self._xmin if not(alpha): alpha=self._alpha if not(x): x=numpy.sort(self.data[self.data>xmin]) else: x=numpy.sort(x[x>xmin]) # N = M^(-alpha+1) # M = N^(1/(-alpha+1)) m0 = min(x) N = (1.0+numpy.arange(len(x)))[::-1] xmodel = m0 * N**(1/(1-alpha)) / max(N)**(1/(1-alpha)) if dolog: pylab.loglog(x,xmodel,'.',**kwargs) pylab.gca().set_xlim(min(x),max(x)) pylab.gca().set_ylim(min(x),max(x)) else: pylab.plot(x,xmodel,'.',**kwargs) pylab.plot([min(x),max(x)],[min(x),max(x)],'k--')
[docs] def test_pl(self,niter=1e3,**kwargs): """ Monte-Carlo test to determine whether distribution is consistent with a power law Runs through niter iterations of a sample size identical to the input sample size. Will randomly select values from the data < xmin. The number of values selected will be chosen from a uniform random distribution with p(<xmin) = n(<xmin)/n. Once the sample is created, is fit using above methods, then the best fit is used to compute a Kolmogorov-Smirnov statistic. The KS stat distribution is compared to the KS value for the fit to the actual data, and p = fraction of random ks values greater than the data ks value is computed. If p<.1, the data may be inconsistent with a powerlaw. A data set of n(>xmin)>100 is required to distinguish a PL from an exponential, and n(>xmin)>~300 is required to distinguish a log-normal distribution from a PL. For more details, see figure 4.1 and section **WARNING** This can take a very long time to run! Execution time scales as niter * setsize """ xmin = self._xmin alpha = self._alpha niter = int(niter) ntail = sum(self.data >= xmin) ntot = len(self.data) nnot = ntot-ntail # n(<xmin) pnot = nnot/float(ntot) # p(<xmin) nonpldata = self.data[self.data<xmin] nrandnot = sum( npr.rand(ntot) < pnot ) # randomly choose how many to sample from <xmin nrandtail = ntot - nrandnot # and the rest will be sampled from the powerlaw ksv = [] for i in xrange(niter): # first, randomly sample from power law # with caveat! nonplind = numpy.floor(npr.rand(nrandnot)*nnot).astype('int') fakenonpl = nonpldata[nonplind] randarr = npr.rand(nrandtail) fakepl = randarr**(1/(1-alpha)) * xmin fakedata = numpy.concatenate([fakenonpl,fakepl]) # second, fit to powerlaw TEST = plfit(fakedata,quiet=True,silent=True,nosmall=True,**kwargs) ksv.append(TEST._ks) ksv = numpy.array(ksv) p = (ksv>self._ks).sum() / float(niter) self._pval = p self._ks_rand = ksv print "p(%i) = %0.3f" % (niter,p) return p,ksv
[docs]def plfit_lsq(x,y): """ Returns A and B in y=Ax^B http://mathworld.wolfram.com/LeastSquaresFittingPowerLaw.html """ n = len(x) btop = n * (log(x)*log(y)).sum() - (log(x)).sum()*(log(y)).sum() bbottom = n*(log(x)**2).sum() - (log(x).sum())**2 b = btop / bbottom a = ( log(y).sum() - b * log(x).sum() ) / n A = exp(a) return A,b
[docs]def plexp(x,xm=1,a=2.5): """ CDF(x) for the piecewise distribution exponential x<xmin, powerlaw x>=xmin This is the CDF version of the distributions drawn in fig 3.4a of Clauset et al. """ C = 1/(-xm/(1 - a) - xm/a + exp(a)*xm/a) Ppl = lambda(X): 1+C*(xm/(1-a)*(X/xm)**(1-a)) Pexp = lambda(X): C*xm/a*exp(a)-C*(xm/a)*exp(-a*(X/xm-1)) d=Ppl(x) d[x<xm]=Pexp(x) return d
[docs]def plexp_inv(P,xm,a): """ Inverse CDF for a piecewise PDF as defined in eqn. 3.10 of Clauset et al. """ C = 1/(-xm/(1 - a) - xm/a + exp(a)*xm/a) Pxm = 1+C*(xm/(1-a)) x = P*0 x[P>=Pxm] = xm*( (P[P>=Pxm]-1) * (1-a)/(C*xm) )**(1/(1-a)) # powerlaw x[P<Pxm] = (log( (C*xm/a*exp(a)-P[P<Pxm])/(C*xm/a) ) - a) * (-xm/a) # exp return x
[docs]def pl_inv(P,xm,a): """ Inverse CDF for a pure power-law """ x = (1-P)**(1/(1-a)) * xm return x
[docs]def test_fitter(xmin=1.0,alpha=2.5,niter=500,npts=1000,invcdf=plexp_inv): """ Tests the power-law fitter Example (fig 3.4b in Clauset et al.): xminin=[0.25,0.5,0.75,1,1.5,2,5,10,50,100] xmarr,af,ksv,nxarr = plfit.test_fitter(xmin=xminin,niter=1,npts=50000) loglog(xminin,xmarr.squeeze(),'x') Example 2: xminin=[0.25,0.5,0.75,1,1.5,2,5,10,50,100] xmarr,af,ksv,nxarr = plfit.test_fitter(xmin=xminin,niter=10,npts=1000) loglog(xminin,xmarr.mean(axis=0),'x') Example 3: xmarr,af,ksv,nxarr = plfit.test_fitter(xmin=1.0,niter=1000,npts=1000) hist(xmarr.squeeze()); # Test results: # mean(xmarr) = 0.70, median(xmarr)=0.65 std(xmarr)=0.20 # mean(af) = 2.51 median(af) = 2.49 std(af)=0.14 # biased distribution; far from correct value of xmin but close to correct alpha Example 4: xmarr,af,ksv,nxarr = plfit.test_fitter(xmin=1.0,niter=1000,npts=1000,invcdf=pl_inv) print("mean(xmarr): %0.2f median(xmarr): %0.2f std(xmarr): %0.2f" % (mean(xmarr),median(xmarr),std(xmarr))) print("mean(af): %0.2f median(af): %0.2f std(af): %0.2f" % (mean(af),median(af),std(af))) # mean(xmarr): 1.19 median(xmarr): 1.03 std(xmarr): 0.35 # mean(af): 2.51 median(af): 2.50 std(af): 0.07 """ xmin = numpy.array(xmin) if xmin.shape == (): xmin.shape = 1 lx = len(xmin) sz = [niter,lx] xmarr,alphaf_v,ksv,nxarr = numpy.zeros(sz),numpy.zeros(sz),numpy.zeros(sz),numpy.zeros(sz) for j in xrange(lx): for i in xrange(niter): randarr = npr.rand(npts) fakedata = invcdf(randarr,xmin[j],alpha) TEST = plfit(fakedata,quiet=True,silent=True,nosmall=True) alphaf_v[i,j] = TEST._alpha ksv[i,j] = TEST._ks nxarr[i,j] = TEST._ngtx xmarr[i,j] = TEST._xmin return xmarr,alphaf_v,ksv,nxarr