• 设为首页
  • 点击收藏
  • 手机版
    手机扫一扫访问
    迪恩网络手机版
  • 关注官方公众号
    微信扫一扫关注
    迪恩网络公众号

Python numpy.arcsinh函数代码示例

原作者: [db:作者] 来自: [db:来源] 收藏 邀请

本文整理汇总了Python中numpy.arcsinh函数的典型用法代码示例。如果您正苦于以下问题:Python arcsinh函数的具体用法?Python arcsinh怎么用?Python arcsinh使用的例子?那么恭喜您, 这里精选的函数代码示例或许可以为您提供帮助。



在下文中一共展示了arcsinh函数的20个代码示例,这些例子默认根据受欢迎程度排序。您可以为喜欢或者感觉有用的代码点赞,您的评价将有助于我们的系统推荐出更棒的Python代码示例。

示例1: int_pot_2D_moi

 def int_pot_2D_moi(self, xp, yp, x, R, h, basis_func):
     """FWD model function. Incorporates the Method of Images.
     Returns contribution of a point xp,yp, belonging to a basis source
     support centered at (0,0) to the potential measured at (x,0),
     integrated over xp,yp gives the potential generated by a
     basis source element centered at (0,0) at point (x,0)
     #Eq 20, Ness(2015)
     Parameters
     ----------
     xp, yp : floats or np.arrays
         point or set of points where function should be calculated
     x :  float
         position at which potential is being measured
     R : float
         The size of the basis function
     h : float
         thickness of slice
     basis_func : method
         Fuction of the basis source
     Returns
     -------
     pot : float
     """
     L = ((x-xp)**2 + yp**2)**(0.5)
     if L < 0.00001:
         L = 0.00001
     correction = np.arcsinh((h-(2*h*self.iters))/L) + np.arcsinh((h+(2*h*self.iters))/L)
     pot = np.arcsinh(h/L) + np.sum(self.iter_factor*correction)
     dist = np.sqrt(xp**2 + yp**2)
     pot *= basis_func(dist, R)  # Eq 20, Ness et.al.
     return pot
开发者ID:Neuroinflab,项目名称:kCSD-python,代码行数:31,代码来源:KCSD.py


示例2: plot_IQU

def plot_IQU(solution, title, col, ncol=6, coord='C'):
    # Es=solution[np.array(final_index).tolist()].reshape((4, len(final_index)/4))
    # I = Es[0] + Es[3]
    # Q = Es[0] - Es[3]
    # U = Es[1] + Es[2]
    IQUV = sol2map(solution)
    IQUV.shape = (4, IQUV.shape[0] / 4)
    I = IQUV[0]
    Q = IQUV[1]
    U = IQUV[2]
    V = IQUV[3]
    pangle = 180 * np.arctan2(Q, U) / 2 / PI
    plotcoordtmp = coord
    hpv.mollview(np.log10(I), min=0, max=4, coord=plotcoordtmp, title=title, nest=True, sub=(4, ncol, col))

    hpv.mollview((Q ** 2 + U ** 2) ** .5 / I, min=0, max=1, coord=plotcoordtmp, title=title, nest=True,
                 sub=(4, ncol, ncol + col))
    from matplotlib import cm
    cool_cmap = cm.hsv
    cool_cmap.set_under("w")  # sets background to white
    hpv.mollview(pangle, min=-90, max=90, coord=plotcoordtmp, title=title, nest=True, sub=(4, ncol, 2 * ncol + col),
                 cmap=cool_cmap)

    hpv.mollview(np.arcsinh(V) / np.log(10), min=-np.arcsinh(10. ** 4) / np.log(10),
                 max=np.arcsinh(10. ** 4) / np.log(10), coord=plotcoordtmp, title=title, nest=True,
                 sub=(4, ncol, 3 * ncol + col))
    if col == ncol:
        plt.show()
开发者ID:jeffzhen,项目名称:simulate_visibilities,代码行数:28,代码来源:map_making_dynamic_polarized_fast_cholesky.py


示例3: Scale_asinh

def Scale_asinh(inputArray, scale_min=None, scale_max=None, non_linear=2.0):
    """Scale_asinh(inputArray, scale_min=None, scale_max=None, non_linear=2.0)
    Performs asinh scaling of the input numpy array.
    (from Min-Su Shin, Princeton)
    
    inputArray: image data array
    scale_min (None): minimum data value
        use inputArray.min() if None
    scale_max (None): maximum data value
        use inputArray.max() if None
    non_linear (2.0): non-linearity factor
    
    >>> scaledArray = Scale_asinh(inputArray)
    """
    imageData=numpy.array(inputArray, copy=True)
    
    if scale_min == None:
        scale_min = imageData.min()
    if scale_max == None:
        scale_max = imageData.max()
    
    factor = numpy.arcsinh((scale_max - scale_min)/non_linear)
    indices0 = numpy.where(imageData < scale_min)
    indices1 = numpy.where((imageData >= scale_min) & (imageData <= scale_max))
    indices2 = numpy.where(imageData > scale_max)
    imageData[indices0] = 0.0
    imageData[indices2] = 1.0
    imageData[indices1] = numpy.arcsinh((imageData[indices1] - scale_min)/non_linear)/factor
    return imageData
开发者ID:bretonr,项目名称:pyastrolib,代码行数:29,代码来源:display.py


示例4: imstretch

 def imstretch(self):
     data = np.clip(self.data_array, self.threshold[0], self.threshold[1])
     if self.mode == "linear":
         pass
     elif self.mode == "logarithmic":
         data = np.reciprocal(1 + np.power(0.5 / data, self.factor))
     elif self.mode == "gamma":
         data = np.power(data, self.factor)
     elif self.mode == "arcsinh":
         mn = np.nanmin(data)
         mx = np.nanmax(data)
         tmp = bytescale(data, high=1.0)
         beta = np.clip(self.factor, 0.0, self.factor)
         sclbeta = (beta - mn) / (mx - mn)
         sclbeta = np.clip(sclbeta, 1.0e-12, sclbeta)
         nonlinearity = 1.0 / sclbeta
         extrema = np.arcsinh(np.array([0.0, nonlinearity]))
         data = np.clip(np.arcsinh(data * nonlinearity), extrema[0], extrema[1])
     elif self.mode == "square root":
         data = np.sqrt(np.fabs(data)) * np.sign(data)
     elif self.mode == "histogram equalization":
         imhist, bins = np.histogram(data.flatten(), 256, normed=True)
         cdf = imhist.cumsum()  # cumulative distribution function
         cdf = 255 * cdf / cdf[-1]  # normalize
         im2 = np.interp(data.flatten(), bins[:-1], cdf)
         data = im2.reshape(data.shape)
     self.scaled = bytescale(data).flatten().tolist()
开发者ID:crawfordsm,项目名称:ir-reduce,代码行数:27,代码来源:fitsimage.py


示例5: asinh

def asinh(inputArray, scale_min=None, scale_max=None, non_linear=2.0):
	"""Performs asinh scaling of the input numpy array.

	@type inputArray: numpy array
	@param inputArray: image data array
	@type scale_min: float
	@param scale_min: minimum data value
	@type scale_max: float
	@param scale_max: maximum data value
	@type non_linear: float
	@param non_linear: non-linearity factor
	@rtype: numpy array
	@return: image data array
	
	"""		
    
	print "img_scale : asinh"
	imageData=numpy.array(inputArray, copy=True)
	
	if scale_min == None:
		scale_min = imageData.min()
	if scale_max == None:
		scale_max = imageData.max()
	factor = numpy.arcsinh((scale_max - scale_min)/non_linear)
	indices0 = numpy.where(imageData < scale_min)
	indices1 = numpy.where((imageData >= scale_min) & (imageData <= scale_max))
	indices2 = numpy.where(imageData > scale_max)
	imageData[indices0] = 0.0
	imageData[indices2] = 1.0
	imageData[indices1] = numpy.arcsinh((imageData[indices1] - \
	scale_min)/non_linear)/factor

	return imageData
开发者ID:Zeklandia,项目名称:quickimage,代码行数:33,代码来源:img_scale.py


示例6: load_minibatch

    def load_minibatch(self, filepath, nimg, farts, gridsize, cg, num,cg_additional=1,twoclasses=False):
        """
        Load a mini batch of images and their labels. 
        Labels need to be converted to tensorflow
        format

        inputs:
        filepath -- Path where the files are located
        nimg -- Number of images in the total batch
        farts -- Fraction of artifacts
        gridsize -- Number of pixels to a side
        cg -- Coarsegraining factor 
        num -- The minibatch number 
        cg_additional -- additional coursegraining to perform on the fly
        """
            
        X = np.load('{0}/X_{1}_{2}_{3}_{4}_mb{5}.npy'.format(filepath, nimg, farts, gridsize, cg, num))
        y = np.load('{0}/y_{1}_{2}_{3}_{4}_mb{5}.npy'.format(filepath, nimg, farts, gridsize, cg, num))
        X[X==-99] = np.nan
        if cg_additional!=1:
            X = np.mean(np.mean(X.reshape([X.shape[0],gridsize//cg,gridsize//cg//cg_additional,cg_additional]),axis=3).T.reshape(gridsize//cg//cg_additional,gridsize//cg//cg_additional,cg_additional,X.shape[0]),axis=2).T.reshape([X.shape[0],(gridsize//cg//cg_additional)**2])
        X = 255*(np.arcsinh(X)-np.atleast_2d(np.arcsinh(np.nanmin(X,axis=1))).T)/np.atleast_2d((np.arcsinh(np.nanmax(X,axis=1))-np.arcsinh(np.nanmin(X,axis=1)))).T
        X[np.isnan(X)] = 0
        #X -= np.atleast_2d(np.mean(X,axis=1)).T
        #print(np.nanmean(X, axis=1))

        ey = self.convert_labels(y, twoclasses)

        return X, ey
开发者ID:wmorning,项目名称:inDianajonES,代码行数:29,代码来源:ConvNNet.py


示例7: test_arcsinh

    def test_arcsinh(self):
        import math
        from numpy import arcsinh

        for v in [float("inf"), float("-inf"), 1.0, math.e]:
            assert math.asinh(v) == arcsinh(v)
        assert math.isnan(arcsinh(float("nan")))
开发者ID:Qointum,项目名称:pypy,代码行数:7,代码来源:test_ufuncs.py


示例8: test_asinh

 def test_asinh(self):
     """Test arcsinh scaling."""
     img = scale_image(DATA, scale='asinh')
     mean, median, stddev = sigmaclip_stats(DATA, sigma=3.0)
     z = (mean + (2.0 * stddev)) / 2.
     ref = np.arcsinh(DATASCL / z) / np.arcsinh(1.0 / z)
     assert_allclose(img, ref, atol=0, rtol=1.e-5)
开发者ID:astrofrog,项目名称:imageutils,代码行数:7,代码来源:test_scale_image.py


示例9: __call__

    def __call__(self, value):
        self.autoscale_None(value)  # set vmin, vmax if unset
        inverted = self.vmax <= self.vmin

        hi, lo = max(self.vmin, self.vmax), min(self.vmin, self.vmax)
        ra = hi - lo
        mid = lo + ra * self.bias
        mn = mid - ra * self.contrast
        mx = mid + ra * self.contrast

        if self.stretch == "linear":
            result = (value - mn) * (1.0 / (mx - mn))
            result = np.clip(result, 0, 1)
        elif self.stretch == "arcsinh":
            b = max(self.bias, 1e-5)
            c = self.contrast
            result = (value - lo) / (1.0 * (hi - lo))
            result = np.arcsinh(result / b) / np.arcsinh((b + c) / b)
            result = np.clip(result, 0, 1)
        elif self.stretch == "sqrt":
            result = (value - mn) * (1.0 / (mx - mn))
            result = np.clip(result, 0, 1)
            result = np.sqrt(result)
        else:
            raise TypeError("Invalid stretch: %s" % self.stretch)

        if inverted:
            result = 1 - result

        return result
开发者ID:hihihippp,项目名称:glue,代码行数:30,代码来源:layer_artist.py


示例10: scale_two_arcsinh

def scale_two_arcsinh(x,up1,up2,down1,down2,m="normal"):
    
    if m != "inverse":
        if x >= 0: return up1*np.arcsinh(x*up2)
        if x < 0: return down1*np.arcsinh(x*down2)
    else:
        if x >= 0: return 1./up2*np.sinh(x/up1)
        if x < 0: return 1./down2*np.sinh(x/down1)
开发者ID:danmoser,项目名称:pyhdust,代码行数:8,代码来源:__init__.py


示例11: newspace

 def newspace(high):
     Smax = high
     K = exact
     deps = 1./size * (np.arcsinh((Smax - K)*(1/density)) - np.arcsinh(-K/density))
     eps = np.arcsinh(-K/density) + np.arange(size)*deps
     space = K + density * np.sinh(eps)
     space -= min(space)
     return space
开发者ID:johntyree,项目名称:fd_adi,代码行数:8,代码来源:utils.py


示例12: test_arcsinh

def test_arcsinh():
    a = afnumpy.random.random((2,3))
    b = numpy.array(a)
    fassert(afnumpy.arcsinh(a), numpy.arcsinh(b))
    c = afnumpy.random.random((2,3))
    d = numpy.array(a)
    fassert(afnumpy.arcsinh(a, out=c), numpy.arcsinh(b, out=d))
    fassert(c, d)
开发者ID:daurer,项目名称:afnumpy,代码行数:8,代码来源:test_lib.py


示例13: __call__

    def __call__(self, values, out=None, clip=True):

        values = _prepare(values, out=out, clip=clip)

        np.true_divide(values, self.a, out=values)
        np.arcsinh(values, out=values)
        np.true_divide(values, np.arcsinh(1. / self.a), out=values)

        return values
开发者ID:adonath,项目名称:imageutils,代码行数:9,代码来源:stretch.py


示例14: elec_catenary_hyperbolic_lowest_proj

def elec_catenary_hyperbolic_lowest_proj ( T0,  w, l, h):
    Lh0 = elec_catenary_hyperbolic_length_equal_high (T0, w, l)
    if Lh0 != 0.:
        a = l/2. - T0/w*np.arcsinh(h/Lh0) 
        b = l/2. + T0/w*np.arcsinh(h/Lh0)
    else:
        a = l/2.
        b = l/2.
    return a
开发者ID:kamijawa,项目名称:ogc_server,代码行数:9,代码来源:catenary.py


示例15: asinh

def asinh(x):
    """
    Inverse hyperbolic sine
    """
    if isinstance(x, UncertainFunction):
        mcpts = np.arcsinh(x._mcpts)
        return UncertainFunction(mcpts)
    else:
        return np.arcsinh(x)
开发者ID:mkouhia,项目名称:mcerp,代码行数:9,代码来源:umath.py


示例16: colorImage

def colorImage(b,g,r,bMinusr=0.8,bMinusg=0.4,sdev=None,nonlin=5.,m=0.5,M=None):
    w = r.shape[0]/2-5
    rb = r/b
    gb = g/b
    rnorm = numpy.median(rb[w:-w,w:-w])
    gnorm = numpy.median(gb[w:-w,w:-w])
    r /= rnorm
    g /= gnorm
    r *= 10**(0.4*bMinusr)
    g *= 10**(0.4*bMinusg)

    r /= 620.
    g /= 540.
    b /= 460.

    I = (r+g+b)/3.

    if sdev is None:    
        sdev = clip(I)[1]
    m = m*sdev
    if M is None:
        M = I[w:-w,w:-w].max()
    nonlin = nonlin*sdev

    f = numpy.arcsinh((I-m)/nonlin)/numpy.arcsinh((M-m)/nonlin)
    f[I<m] = 0.
    f[I>M] = 1.
    R = r*f/I
    G = g*f/I
    B = b*f/I

    R[I<=0] = 0.
    G[I<=0] = 0.
    B[I<=0] = 0.

    R[R<=0] = 0.
    G[G<=0] = 0.
    B[B<=0] = 0.

    R[R>1] = 1.
    G[G>1] = 1.
    B[B>1] = 1.

    white = True
    if white:
        cond = (f==1)
        R[cond] = 1.
        G[cond] = 1.
        B[cond] = 1.

    arr = numpy.empty((R.shape[0],R.shape[1],3))
    arr[:,:,0] = R
    arr[:,:,1] = G
    arr[:,:,2] = B

    return arr,sdev,M,rnorm,gnorm
开发者ID:lindzlebean,项目名称:pylathon,代码行数:56,代码来源:makeColor.py


示例17: ref_table

def ref_table(PTEN,MWPL,S,FH,AE,MBL):
    n = 754.
    max_a =(MBL-MWPL*FH)/MWPL
    INC = max_a/n
    a = np.array(np.linspace(0.0,INC*n,num=n+1))
    H = MWPL*a
    Ttop = H + MWPL*FH
    Vtop = (Ttop**2-H**2)**0.5
    ang = 90. - np.arcsin(H/Ttop)*180/np.pi
    sp_temp = -(S/2.)+(FH/2.)*(1.+(4*a**2/(S**2.-FH**2)))**0.5 
    sp_temp = [0 if i < 0 else i for i in sp_temp]
    # INITIALIZE ARRanchor_yS
    Vbot = np.array([0.]*len(a))
    Tbot = np.array([0.]*len(a))
    Tave = np.array([0.]*len(a))
    stretch = np.array([0.]*len(a))
    x = np.array([0.]*len(a))
    s = np.array([0.]*len(a))
    yp = np.array([0.]*len(a))
    sp = np.array([0.]*len(a))
    for i in range (0,len(a)):
        if sp_temp[i] == 0.: 
            Vbot[i] = 0.
            Tbot[i] = H[i]
            Tave[i] = 0.5*(Ttop[i]+Tbot[i])
            stretch[i] = 1.+Tave[i]/AE
            if i == 0:
                x[i] = S*stretch[i] -FH
            else: 
                x[i] = S*stretch[i-1] -FH*(1.+2.*a[i]/FH)**0.5+a[i]*np.arccosh(1.+FH/a[i])
            s[i] = (FH**2+2.*FH*a[i])**0.5
            sp [i] = 0.
        else: 
            s[i] = S*stretch[i-1]
            Vbot[i] = Vtop[i]-MWPL*s[i]
            Tbot[i] = (H[i]**2+Vbot[i]**2)**0.5
            Tave[i] =  0.5*(Ttop[i]+Tbot[i])
            stretch[i] = 1.+Tave[i]/AE
            sp[i] = sp_temp[i]*stretch[i-1]
            x[i] = a[i]*(np.arcsinh((S+sp[i])/a[i])-np.arcsinh(sp[i]/a[i]))*stretch[i-1]
            
        if i == 0: 
            yp[i] = -a[i]+(a[i]**2+sp[i]**2)**0.5
        else: 
            yp[i] = (-a[i]+(a[i]**2+sp[i]**2)**0.5)*stretch[i-1]
    x0 = np.interp(PTEN,Ttop,x)
    offset = x - x0
    MKH = np.array([0.]*len(a))
    MKV = np.array([0.]*len(a))
    for i in range(1,len(a)):
        MKH[i] = (H[i]-H[i-1])/(offset[i]-offset[i-1])
        MKV[i] = (Vtop[i]-Vtop[i-1])/(offset[i]-offset[i-1])
    return x0,a,x,H,sp,yp,s,Ttop,Vtop,Tbot,Vbot,Tave,stretch,ang,offset,MKH,MKV,INC
开发者ID:WISDEM,项目名称:FloatingSE,代码行数:53,代码来源:spar_utils.py


示例18: asinhmag

def asinhmag(flux, fluxerr,  m0 = 22.5, f0=1.0, b=0.01):
	"""
	Implements
	http://ssg.astro.washington.edu/elsst/opsim.shtml?lightcurve_mags
	"""

	mag = m0 -(2.5/np.log(10.)) * ( np.arcsinh( flux / (f0 * 2.0 * b)) + np.log(b) )
	
	magplu = m0 -(2.5/np.log(10.)) * ( np.arcsinh( (flux+fluxerr) / (f0 * 2.0 * b)) + np.log(b) )
	magmin = m0 -(2.5/np.log(10.)) * ( np.arcsinh( (flux-fluxerr) / (f0 * 2.0 * b)) + np.log(b) )
	magerr = 0.5*(magmin - magplu)
	
	return (mag, magerr)
开发者ID:COSMOGRAIL,项目名称:PyCS,代码行数:13,代码来源:util.py


示例19: arcsinh

def arcsinh(x, out=None):
    """
    Raises a ValueError if input cannot be rescaled to a dimensionless
    quantity.
    """
    if not isinstance(x, Quantity):
        return np.arcsinh(x, out)

    return Quantity(
        np.arcsinh(x.rescale(dimensionless).magnitude, out),
        dimensionless,
        copy=False
    )
开发者ID:CatherineH,项目名称:python-quantities,代码行数:13,代码来源:umath.py


示例20: arcsinhspace

def arcsinhspace(start, stop, num=50):
    """
    Return numbers spaced evenly on an arcsinh scale.

    Parameters
    ----------
    start : number
        start value
    stop : number
        stop/end value, inclusive
    num : number
        number of intervales between start and stop
    """
    return _np.sinh(_np.linspace(_np.arcsinh(start), _np.arcsinh(stop), num))
开发者ID:autocorr,项目名称:besl,代码行数:14,代码来源:mathf.py



注:本文中的numpy.arcsinh函数示例由纯净天空整理自Github/MSDocs等源码及文档管理平台,相关代码片段筛选自各路编程大神贡献的开源项目,源码版权归原作者所有,传播和使用请参考对应项目的License;未经允许,请勿转载。


鲜花

握手

雷人

路过

鸡蛋
该文章已有0人参与评论

请发表评论

全部评论

专题导读
上一篇:
Python numpy.arctan函数代码示例发布时间:2022-05-27
下一篇:
Python numpy.arcsin函数代码示例发布时间:2022-05-27
热门推荐
阅读排行榜

扫描微信二维码

查看手机版网站

随时了解更新最新资讯

139-2527-9053

在线客服(服务时间 9:00~18:00)

在线QQ客服
地址:深圳市南山区西丽大学城创智工业园
电邮:jeky_zhao#qq.com
移动电话:139-2527-9053

Powered by 互联科技 X3.4© 2001-2213 极客世界.|Sitemap