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

Python add.outer函数代码示例

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

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



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

示例1: test_sara_analysisop_hardening

def test_sara_analysisop_hardening():
    """ Hardens sopt_sara_analysisop bindings against code changes """
    from numpy import add, exp, arange, mean, max, min
    from numpy.testing import assert_allclose
    from purify import SparsityOperator

    image_size = 256, 256
    nlevels = 4
    types = ["DB1", "DB2", "DB10"]
    functions = SparsityOperator(image_size, nlevels, types)

    sigma = 10.0, 8.0
    xaxis = (arange(image_size[0]) / float(image_size[0]) - 0.5) / sigma[0]
    yaxis = (arange(image_size[1]) / float(image_size[1]) - 0.5) / sigma[1]

    gaussian = exp(-add.outer(xaxis * xaxis, yaxis * yaxis))

    actual = functions.analyze(gaussian)

    assert_allclose(
        mean(mean(actual, -1), -1),
        [0.036007226135801075, 0.036007541133741106, 0.03600715848225703] 
    )
    assert_allclose(
        min(min(actual, -1), -1), 
        [-0.00211575115187038, -0.0016413049107621763, -0.000927119110859153]
    )
    assert_allclose(
        max(max(actual, -1), -1), 
        [9.237324386040596, 9.23745215540613, 9.237604022698143]
    )
开发者ID:UCL,项目名称:purify,代码行数:31,代码来源:test_sparsity_ops.py


示例2: GenerateTwoScreens

def GenerateTwoScreens(nfft, r0):
    """

      Generate phase screens with a Kolmogorov spectrum of atmospheric
      disturbances [c.f. Tatarski 1961,1971], such that the phase structure
      function is given by

           D(r) = <[phi(r')-phi(r'+r)]**2>
                = 6.88*(r/r0)**5/3

       where r0 is the Fried parameter.

       This version returns two screens, because it's easier to do it that
       way.
    """
    C = sqrt(0.0229*(float(nfft)/r0)**(5.0/3.0))
    # Generate a 2-d array populated with rsquared=xsquared+ysquared
    r = arange(nfft)
    r[nfft/2:] = nfft-r[nfft/2:]
    rsq = r**2
    rsq = add.outer(rsq,rsq)
    rsq[0, 0] = 1.0 # To solve pole at origin problem
    sample = random.normal(size=(nfft, nfft))+1j*random.normal(size=(nfft, nfft))
    sample *= C*rsq**(-11.0/12.0)
    result = fft.fft2(sample)
    return(result.real, result.imag)
开发者ID:dbuscher,项目名称:practical-optical-interferometry,代码行数:26,代码来源:phasescreen.py


示例3: expectation

def expectation(model, instance):
    '''
    Perform forward-backward algorithm to calculate the second component
    of the detrieve.
    '''
    # get the cached score

    L = len(instance)
    T = model.nr_tags
    A = model.nr_attrs
    g0, g = build_score_cache(model.w, L, T, A, instance)

    a = forward(g0, g, L, T)
    b = backward(g, L, T)

    logZ = logsumexp(a[L-1,:])

    E = defaultdict(float)
    f = instance.features_table

    c = exp(g0 + b[0,:] - logZ).clip(0., 1.)
    for j in xrange(T):
        for k in f[0,None,j]:
            E[k] += c[j]

    for i in xrange(1, L):
        c = exp(add.outer(a[i-1,:], b[i,:]) + g[i,:,:] - logZ).clip(0.,1.)
        for j in range(T):
            for k in range(T):
                for e in f[i,j,k]:
                    E[e] += c[j,k]

    return E
开发者ID:Oneplus,项目名称:anothermlkid,代码行数:33,代码来源:l2sgd.py


示例4: test_deconvolution_kernel

def test_deconvolution_kernel():
    """ Check C vs python deconvolution kernel """
    from os.path import join, dirname
    from numpy import add, exp
    from numpy.testing import assert_allclose
    from purify import kernels as create_kernels, read_visibility, \
        __file__ as path

    path = join(dirname(path), "data", "images", "Coverages", "cont_sim4.vis")
    visibility = read_visibility(path)

    dims = 256, 256
    oversampling = 2, 2
    interpolation = 4, 4
    kernels = create_kernels(visibility, dims, oversampling, interpolation)

    def axis(image, oversampling, interpolation):
        from numpy import arange, pi
        scale = interpolation * pi / float(oversampling * image * image * 2)
        return (arange(0, image) - oversampling) * scale

    xaxis = axis(dims[0], oversampling[0], interpolation[0])
    yaxis = axis(dims[1], oversampling[1], interpolation[1])

    expected = exp(0.5 * add.outer(xaxis * xaxis, yaxis * yaxis))

    assert_allclose(expected, kernels.deconvolution)

    shifts = exp(-1j * (
        visibility['u'] * dims[0] * 0.5 + visibility['v'] * dims[1] * 0.5
    ))
    assert_allclose(shifts, kernels.shifts)
开发者ID:UCL,项目名称:purify,代码行数:32,代码来源:test_sensing_operator.py


示例5: take

    def take(self, indices):
        """Flatten the shape of the RTs, then take only dimensions indexed in 'indices' and remove the remaining dimensions.

        Input:
            indices: a numpy.array of dimensions to be kept.
        Output:
            B: the BasicStats obtained from the remaining dimensions.
        """
        d1 = len(indices)

        size = 0
        for i in xrange(self.T):
            size += d1 ** self.orders[i]
        theindices = zeros(size, "int32")
        ofs = 0
        for i in xrange(self.T):
            if self.orders[i] == 0:
                a = array([ofs])
            else:
                a = indices
                for j in xrange(self.orders[i] - 1):
                    a = add.outer(a * self.d, indices).ravel()
            sz = d1 ** self.orders[i]
            theindices[ofs : ofs + sz] = a + self.ofs[i]
            ofs += sz

        return self._new_dA((d1,), self.A.take(theindices, 1))
开发者ID:hksonngan,项目名称:mytesgnikrow,代码行数:27,代码来源:stats.py


示例6: sample_weights

    def sample_weights(self):
        """
        Create a random set of expansion coefficients.
        """
        from numpy import add
        from numpy.random import standard_normal

        k = self._periodicities()
        k = add.outer(k ** 2, k ** 2)
        self.set([standard_normal(k.shape) for i in range(4)])   
        self.normalize(True)
开发者ID:khasinski,项目名称:csb,代码行数:11,代码来源:MaxEnt.py


示例7: _create_and_rotate_coordinate_arrays

 def _create_and_rotate_coordinate_arrays(self, x, y, orientation):
     """
     Create pattern matrices from x and y vectors, and rotate
     them to the specified orientation.
     """
     # Using this two-liner requires that x increase from left to
     # right and y decrease from left to right; I don't think it
     # can be rewritten in so little code otherwise - but please
     # prove me wrong.
     pattern_y = subtract.outer(cos(orientation)*y, sin(orientation)*x)
     pattern_x = add.outer(sin(orientation)*y, cos(orientation)*x)
     return pattern_x, pattern_y
开发者ID:antolikjan,项目名称:imagen,代码行数:12,代码来源:patterngenerator.py


示例8: _features_from_shape

def _features_from_shape(M,N,appearance):
    """Generate all rectangular Haar-like features, of a specific 'appearance'.
    All rectangles are bounded by a M-by-N image patch.

    Input:
        M, N: number of rows and columns of an image patch
        appearance: an 'int' 2D numpy.array describing the appearance. E.g. array([[1,-1],[-1,1]]).
    Output:
        A: a 1D numpy.array of projection coefficients, in vectorintegrated form
        ind: a 2D numpy.array of indices of each feature, in vectorintegrated form
        ind2: a 2D numpy.array of 4 corners of each feature in the patch
    """
    (ny,nx) = appearance.shape
    A = zeros([ny+1,nx+1],'int')
    sum1 = appearance.sum()

    a1 = appearance*(ny*nx-sum1)
    a0 = (1-appearance)*sum1
    aa = a1-a0
    
    A[0:-1,0:-1] += aa
    A[1:,1:] += aa
    A[0:-1,1:] -= aa
    A[1:,0:-1] -= aa
    
    mask = A.astype('bool')
    A = A.ravel()[mask.ravel()]
    
    cny = 0
    for y1 in xrange(M): cny += (M-y1-1)/ny
    cnx = 0
    for x1 in xrange(N): cnx += (N-x1-1)/nx
    
    cnt = cnx*cny

    ind = zeros([cnt,len(A)],'int')
    ind2 = zeros([cnt,4],'int')
    
    i = 0
    for y1 in xrange(M):
        for y2 in xrange(y1+ny,M,ny):
            y = arange(y1,y2+1,(y2-y1)/ny)*N
            for x1 in xrange(N):
                for x2 in xrange(x1+nx,N,nx):
                    x = arange(x1,x2+1,(x2-x1)/nx)
                    ind[i] = add.outer(y,x)[mask]
                    ind2[i] = [y1,x1,y2,x2]
                    i += 1

    return (A, ind, ind2)
开发者ID:hksonngan,项目名称:mytesgnikrow,代码行数:50,代码来源:haar.py


示例9: _dlikelihood

def _dlikelihood(w, instance, model):
    '''
    Calculate gradient of a instance

    - param[in] w           The weight vector
    - param[in] instance    The instance
    - param[in] model       The model
    '''
    grad = zeros(w.shape[0], dtype=float)

    L = len(instance)
    T = model.nr_tags
    A = model.nr_attrs

    build_instance(model.attrs, model.tags, instance, True)
    g0, g = build_score_cache(w, L, T, A, instance)

    F = instance.correct_features
    for k, v in F.iteritems():
        grad[k] += v

    a = forward(g0, g, L, T)    # forward
    b = backward(g, L, T)       # backward

    logZ = logsumexp(a[L-1,:])

    U = instance.unigram_features_table
    B = instance.bigram_features_table

    c = exp(g0 + b[0,:] - logZ).clip(0., 1.)
    for j in xrange(T):
        grad[U[0,j]] -= c[j]

    for i in xrange(1, L):
        c = exp(add.outer(a[i-1,:], b[i,:]) + g[i,:,:] - logZ).clip(0.,1.)
        # The following code is an equilism of this
        #for j in range(T):
        #    for k in range(T):
        #        grad[U[i,k]] -= c[j,k]
        #        grad[B[j,k]] -= c[j,k]
        for k in range(T):
            grad[U[i,k]] -= c[:,k].sum()
        grad[range(A*T, (A+T)*T)] -= c.flatten()

    return grad
开发者ID:Oneplus,项目名称:anothermlkid,代码行数:45,代码来源:model.py


示例10: expectation

def expectation(N, K, log_M):
    """
	Expectation of the sufficient statistics given ``x`` and current
	parameter settings.
	"""
    g0 = log_M[0, 0]
    g = log_M[1:]
    a = forward(g0, g, N, K)
    b = backward(g, N, K)
    print "Forward:"
    print a
    print "Backward:"
    print b
    # log-normalizing constant
    logZ = misc.logsumexp(a[N - 1, :])

    E = defaultdict(float)

    # The first factor needs to be special case'd
    # E[ f( y_0 ) ] = p(y_0 | y_[1:N], x) * f(y_0)
    c = exp(g0 + b[0, :] - logZ).clip(0.0, 1.0)
    for y in xrange(K):
        p = c[y]
        if p < 1e-40:
            continue  # skip really small updates.
        for k in f[0, None, y]:
            E[k] += p

    for t in xrange(1, N):
        # vectorized computation of the marginal for this transition factor
        c = exp((add.outer(a[t - 1, :], b[t, :]) + g[t - 1, :, :] - logZ)).clip(0.0, 1.0)

        for yp in xrange(K):
            for y in xrange(K):
                # we can also use the following to compute ``p`` but its quite
                # a bit slower than the computation of vectorized quantity ``c``.
                # p = exp(a[t-1,yp] + g[t-1,yp,y] + b[t,y] - logZ).clip(0.0, 1.0)
                p = c[yp, y]
                if p < 1e-40:
                    continue  # skip really small updates.
                # expectation of this factor is p*f(t, yp, y)
                for k in f[t, yp, y]:
                    E[k] += p

    return E
开发者ID:zhchxi11,项目名称:python-crf,代码行数:45,代码来源:test.py


示例11: expectation

    def expectation(self, x):
        """
        Expectation of the sufficient statistics given ``x`` and current
        parameter settings.
        """
        N = x.N
        K = self.K
        f = x.feature_table
        (g0, g) = self.log_potentials(x)

        a = self.forward(g0, g, N, K)
        b = self.backward(g, N, K)

        # log-normalizing constant
        logZ = logsumexp(a[N - 1, :])

        E = defaultdict(float)

        # The first factor needs to be special case'd
        # E[ f( y_0 ) ] = p(y_0 | y_[1:N], x) * f(y_0)
        c = exp(g0 + b[0, :] - logZ).clip(0.0, 1.0)
        for y in xrange(K):
            p = c[y]
            for k in f[0, None, y]:
                E[k] += p

        for t in xrange(1, N):
            # vectorized computation of the marginal for this transition factor
            c = exp((add.outer(a[t - 1, :], b[t, :]) + g[t - 1, :, :] - logZ)).clip(0.0, 1.0)

            for yp in xrange(K):
                for y in xrange(K):
                    # we can also use the following to compute ``p`` but its quite
                    # a bit slower than the computation of vectorized quantity ``c``.
                    # p = exp(a[t-1,yp] + g[t-1,yp,y] + b[t,y] - logZ).clip(0.0, 1.0)
                    p = c[yp, y]
                    # expectation of this factor is p*f(t, yp, y)
                    for k in f[t, yp, y]:
                        E[k] += p

        return E
开发者ID:timvieira,项目名称:crf,代码行数:41,代码来源:crf.py


示例12: test_sara_synthesisop_hardening

def test_sara_synthesisop_hardening():
    """ Hardens sopt_sara_synthesisop bindings against code changes """
    from numpy import add, exp, arange, mean, max, min
    from numpy.testing import assert_allclose
    from purify import SparsityOperator

    image_size = 256, 256
    nlevels = 4
    types = ["DB1", "DB2", "DB10"]
    functions = SparsityOperator(image_size, nlevels, types)

    sigma = 10.0, 8.0
    xaxis = (arange(image_size[0]) / float(image_size[0]) - 0.5) / sigma[0]
    yaxis = (arange(image_size[1]) / float(image_size[1]) - 0.5) / sigma[1]

    gaussian = exp(-add.outer(xaxis * xaxis, yaxis * yaxis))

    analysis = functions.analyze(gaussian)
    actual = functions.synthesize(analysis)

    assert_allclose(
        mean(mean(analysis, -1), -1),
        [0.5761192143816274, 0.5761192143816207, 0.5761192143816083]
    )
    assert_allclose(
        min(min(analysis, -1), -1), 
        [0.5736634410081112, 0.5736634410081048, 0.5736634410080951] 
    )
    assert_allclose(
        max(max(analysis, -1), -1), 
        [0.5773502691896323, 0.5773502691896251, 0.5773502691896143]
    )

    relative = lambda x, y: abs(x - y) / (abs(x) + abs(y))
    assert relative(mean(actual), 0.9978677505256317+0j) < 1e-8
    assert relative(max(actual), 0.99999999999999689+0j) < 1e-8
    assert relative(min(actual), 0.99361422627082718+0j) < 1e-8
开发者ID:UCL,项目名称:purify,代码行数:37,代码来源:test_sparsity_ops.py


示例13: test_cycle_fftw

def test_cycle_fftw():
    """ Apply forward and backward fft """
    from purify.fftw import Fourier2D
    from numpy import add, exp, arange, product
    from numpy.testing import assert_allclose

    image_size = 256, 256
    oversampling = 2, 2
    shape = image_size[0] * oversampling[0], image_size[1] * oversampling[1]

    forward = Fourier2D(image_size, oversampling, "forward")
    backward = Fourier2D(image_size, oversampling, "backward")

    sigma = 10.0, 8.0
    xaxis = (arange(shape[0]) / float(shape[0]) - 0.5) / sigma[0]
    yaxis = (arange(shape[1]) / float(shape[1]) - 0.5) / sigma[1]

    expected = exp(-add.outer(xaxis * xaxis, yaxis * yaxis))
    forward.data = expected
    forward.execute()
    backward.data = forward.data
    backward.execute()

    assert_allclose(backward.data, expected * product(forward.data.shape))
开发者ID:UCL,项目名称:purify,代码行数:24,代码来源:test_fftw.py


示例14: distance_matrix

def distance_matrix(X, Y=None):
    """
    Calculates a matrix of pairwise distances

    @param X: m x n input vector
    @type X: numpy array

    @param Y: k x n input vector or None, which defaults to Y=X
    @type Y: numpy array

    @return: m x k distance matrix
    @rtype: numpy array
    """
    from numpy import add, clip, sqrt, dot, transpose, sum

    if Y is None: Y = X

    if X.ndim < 2: X = X.reshape((1, -1))
    if Y.ndim < 2: Y = Y.reshape((1, -1))

    C = dot(X, transpose(Y))
    S = add.outer(sum(X ** 2, 1), sum(Y ** 2, 1))

    return sqrt(clip(S - 2 * C, 0., 1e300))
开发者ID:khasinski,项目名称:csb,代码行数:24,代码来源:__init__.py


示例15: get_mat

def get_mat(n):
    data = arange(n)
    data = add.outer(data, data)
    return data
开发者ID:Razin-Tailor,项目名称:ChatterBot,代码行数:4,代码来源:test_twodim_base.py



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


鲜花

握手

雷人

路过

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

请发表评论

全部评论

专题导读
上一篇:
Python add.reduce函数代码示例发布时间:2022-05-27
下一篇:
Python numpy.ndarray类代码示例发布时间: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