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

Python pyplot.spy函数代码示例

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

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



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

示例1: wiki_code

def wiki_code():
    N = 51
    # Create a sparse matrix in the "list of lists" format. 
    # This provides a flexible syntax for creating sparse matrices.
    A = scpy.sparse.lil_matrix((N, N))
    # Finite difference matrices will always have some 
    # regular structure involving diagonals and off diagonals.
    # The lil_matrix object has a function to help you with this.
    A.setdiag(np.ones(N))              # The diagonal
    A.setdiag(-2*np.ones(N-1),k=1)       # The fist upward off-diagonal.
    A.setdiag(2*np.ones(N-1), k=-1)
    # etc. observe that I leave it to you to insert correct values along the diagonals...

    # To fix the boundaries, you'll have to reset some rows.
    # The numpy indexing you expect to work will work.
    #A[0,:] = np.zeros(N) # zero out the first row
    #A[0,0] = 1.0       # set diagonal in that row to 1.0


    # For performance, other sparse matrix formats are preferred.
    # Convert to "Compressed Row Format" CR
    A = A.tocsr()

    # Helpful for diagnostics

    print A.todense()

    # and 

    plt.spy(A.todense())
    plt.show()
开发者ID:McKizzle,项目名称:CSCI-577,代码行数:31,代码来源:main.py


示例2: test_tsqr

def test_tsqr(create_func):
    mat, data = create_func()
    n = mat.shape[1]

    q, r = csnmf.tsqr.qr(data)

    print q.shape
    q = np.array(q)

    r = np.array(r)
    print r.shape

    print np.linalg.norm(mat - np.dot(q, r))

    assert np.allclose(mat, np.dot(q, r))
    assert np.allclose(np.eye(n, n), np.dot(q.T, q))
    assert np.all(r == np.triu(r))

    plt.figure()
    plt.subplot(2, 4, 1)
    plt.imshow(mat, interpolation='nearest')
    plt.title('Original matrix')
    plt.subplot(2, 4, 2)
    plt.imshow(q, interpolation='nearest')
    plt.title('$\mathbf{Q}$')
    plt.subplot(2, 4, 3)
    plt.imshow(np.dot(q.T, q), interpolation='nearest')
    plt.title('$\mathbf{Q}^T \mathbf{Q}$')
    plt.subplot(2, 4, 4)
    plt.imshow(r, interpolation='nearest')
    plt.title('$\mathbf{R}$')

    plt.subplot(2, 4, 8)
    plt.spy(r)
    plt.title('Nonzeros in $\mathbf{R}$')
开发者ID:scicubator,项目名称:countGauss,代码行数:35,代码来源:test_tsqr.py


示例3: plot_matrix_fig

def plot_matrix_fig(matrix, filename):
	fig = plt.figure()
	plt.spy(matrix)
	plt.title(filename)
	#plt.savefig('/home/igorpesic/Desktop/filename.png', dpi=600)
	plt.show()
	return
开发者ID:igor-93,项目名称:strucutreDet,代码行数:7,代码来源:show_matrix.py


示例4: sparsity

def sparsity(matrix, min_value=0):
    """
    https://redmine.epfl.ch/projects/python_cookbook/wiki/Matrix_sparsity_patterns
    """
    mat = matrix.matrix
    plt.spy(mat, precision=min_value, marker=',')
    plt.show()
开发者ID:hihihippp,项目名称:pydsm,代码行数:7,代码来源:visualization.py


示例5: plotFeatMatr

def plotFeatMatr(toPlot,featureObjects,featureMat,saveDir,label,badIdx):
    nFeats = featureMat.shape[1]
    nnzPerFeature = toPlot.getnnz(0)
    # get the indices to sort this ish.
    # how many should we use?...
    # get the top N most common
    mostCommon = np.argsort(nnzPerFeature)[-nFeats//7:]
    # get their labels
    featLabels = [f.label() for f in featureObjects]
    # get a version imshow can handle
    matImage = toPlot.todense()
    # fix the aspect ratio
    aspectSkew = len(badIdx)/nFeats
    aspectStr = 1./aspectSkew
    # plot everything
    ax = plt.subplot(1,1,1)
    cax = plt.imshow(matImage,cmap=plt.cm.hot_r,aspect=aspectStr,
                     interpolation="nearest")
    plt.spy(toPlot,marker='s',markersize=1.0,color='b',
            aspect=aspectStr,precision='present')
    cbar = plt.colorbar(cax, ticks=[0, 1], orientation='vertical')
    # horizontal colorbar
    cbar.ax.set_yticklabels(['Min Feat', 'Max Feat'],
                            fontsize=g_label)
    ax.set_xticks(range(nFeats))
    ax.set_xticklabels(featLabels,rotation='vertical')
    plt.xlabel("Feature Number",fontsize=g_label)
    plt.ylabel("Individual",fontsize=g_label)
    return aspectStr
开发者ID:prheenan,项目名称:csci5622_titantic_ml,代码行数:29,代码来源:analysis.py


示例6: plot

def plot(f, mesh=None, fig=None, **kwargs):
    """Plot functions/expression in 1D and spy matrices."""
    # Decide if function or expression
    try:
        V = f.function_space
        # Not really Scattered
        x = V.mesh.vertex_coordinates
        # Scattered in the same way
        y = f.vertex_values()
        isort = np.argsort(x[:, 0])
        x = x[isort]
        y = y[isort]
    # Expression or matrix
    except AttributeError:
        try:
            F = f.toarray()
            fig = plt.figure()
            plt.spy(F, precision=1e-10)
            return fig
        # Expression
        except AttributeError:
            # Evaluate at mesh vertices
            assert mesh is not None
            x = np.sort(mesh.vertex_coordinates)
            y = f.eval(x)

    if fig is None:
        fig = plt.figure()
    ax = fig.gca()
    ax.plot(x, y, **kwargs)

    return fig
开发者ID:MiroK,项目名称:fem-dofs,代码行数:32,代码来源:plotting.py


示例7: save_matrix_fig

def save_matrix_fig(matrix, path, filename):
	fig = plt.figure()
	plt.spy(matrix)
	#plt.title(filename)
	plt.savefig(path + filename + '.png', dpi=600)
	plt.close(fig)
	return
开发者ID:igor-93,项目名称:strucutreDet,代码行数:7,代码来源:show_matrix.py


示例8: makespyplot

def makespyplot( matrix, name, imgtype=None ):
  if not scipy.sparse.isspmatrix( matrix ):
      matrix = matrix.toscipy()

  with plot.PyPlot( name, ndigits=0, imgtype=imgtype ) as plt:
    plt.spy( matrix, markersize=0.8, color='black')
    plt.title( name+', nnz = '+str(matrix.nnz) )
开发者ID:ManuelMBaumann,项目名称:elastic_benchmarks,代码行数:7,代码来源:marmousi2.py


示例9: plotSpy

def plotSpy(M, eps, myTitle):
    plt.figure()
    frame1 = plt.gca()
    frame1.get_xaxis().set_ticks([])
    frame1.get_yaxis().set_ticks([])
    #  plt.title(myTitle+",eps="+str(eps))
    plt.spy(M, precision=eps, marker=".", markersize=3)
    plt.savefig(myTitle + "eps" + str(eps) + ".eps")
开发者ID:keceli,项目名称:kiler,代码行数:8,代码来源:bin_sparse_plot.py


示例10: getError

    def getError(self):
        if plotIt:
            plt.spy(self.getAve(self.M))
            plt.show()

        num = self.getAve(self.M) * self.getHere(self.M)
        err = np.linalg.norm((self.getThere(self.M)-num), np.inf)
        return err
开发者ID:KyuboNoh,项目名称:HY,代码行数:8,代码来源:test_TreeOperators.py


示例11: plot_sparse

def plot_sparse(mat, filename):
    plt.spy(mat, markersize=1)
    plt.tight_layout()
    #plt.rc('xtick',labelsize=16)
    #plt.rc('ytick',labelsize=16)
    plt.savefig.format = "pdf"
    plt.savefig(filename)
    plt.clf()
开发者ID:esaule,项目名称:mic-radial,代码行数:8,代码来源:sparse.py


示例12: plotMatrix

def plotMatrix(A):
    ''' Spy plot of matrix A.
    Arguments:
        A: (numpy.array, numpy.matrix, sparse.matrix)
    '''
    plt.spy(A, markersize=5)    
    plt.show()
    return
开发者ID:JaimeLeal,项目名称:projects,代码行数:8,代码来源:simplots.py


示例13: plotSparsity

def plotSparsity(data, xmin=0, ymin=0, xmax=0, ymax=0):
    
    if xmax == 0:
        xmax = data.shape[0]
    if ymax == 0:
        ymax = data.shape[1]
        
    plt.spy(data[xmin:xmax, ymin:ymax])
    plt.show()
开发者ID:atdyer,项目名称:duckPierLidar,代码行数:9,代码来源:plotZInterp.py


示例14: makeCouplingAtomPlot

def makeCouplingAtomPlot(n, tag):
    import parseXYZ
    from mpl_toolkits.mplot3d import Axes3D

    mmdir = "/Volumes/s/matrices/matrixmarket/"
    mmfile = mmdir + tag + "_A.mm"
    xyzdir = "/Volumes/s/keceli/Dropbox/work/SEMO/xyz/"
    xyzfile = xyzdir + tag + ".xyz"
    mat = getAtomMatrix(mmfile)
    nnz = mat.nnz
    distW = np.array([0.0] * nnz)
    xyz = parseXYZ.getXYZ(xyzfile)
    matD = getDistMat(xyz, 5.6)
    makeNnzHist(mat, xyz)
    xyzW = np.asarray(xyz[1:4])
    myrow = np.asarray(mat.row)
    mycol = np.asarray(mat.col)
    listofAtoms1 = myrow[mycol == n]
    listofAtoms2 = mycol[myrow == n]
    listofAtoms = np.unique(np.concatenate((listofAtoms1, listofAtoms2)))
    print "focused atom number and its coordinates:", n + 1, xyzW[:, n]
    print "number of atoms interacting with this atom:", len(listofAtoms)
    print "list of interacting atoms:", listofAtoms + 1
    print "jmol command:", str(["C" + str(listofAtoms[i] + 1) for i in range(len(listofAtoms))]).replace(
        "[", ""
    ).replace("]", "").replace("'", "")
    print "coordinates of interacting atoms", xyzW[:, listofAtoms]
    fig = plt.figure()
    plt.spy(mat, markersize=1)
    fig = plt.figure()
    plt.spy(matD, markersize=1)
    fig = plt.figure()
    plt.plot(listofAtoms, linestyle="None", marker="s")
    fig = plt.figure()
    ax = fig.add_subplot(111, projection="3d")
    plt.plot(xyzW[0, :], xyzW[1, :], xyzW[2, :], linestyle="None", marker=".", color="black", markersize=2)
    plt.plot(
        xyzW[0, listofAtoms],
        xyzW[1, listofAtoms],
        xyzW[2, listofAtoms],
        linestyle="None",
        marker="o",
        color="red",
        markersize=3,
    )
    plt.plot([xyzW[0, n]], [xyzW[1, n]], [xyzW[2, n]], linestyle="None", marker="s", color="blue", markersize=4)
    plt.grid(which="major", axis="all")
    plt.gca().set_aspect("equal", adjustable="box")
    #    ax.auto_scale_xyz()
    # plt.axis('equal')
    ax.set_xlim([-5, 25])
    ax.set_ylim([-5, 25])
    ax.set_zlim([0, 45])
    ax.set_xlabel("x")
    ax.set_ylabel("y")
    ax.set_zlabel("z")
    return
开发者ID:keceli,项目名称:kiler,代码行数:57,代码来源:matrixtools.py


示例15: contact_to_distance

def contact_to_distance(M):
    N = np.zeros(M.shape)
    N[M!=0] = 1/M[M!=0]
    s = sparse.csgraph.floyd_warshall(N)
    plt.figure()
    plt.spy(s, precision=0, markersize=0.00000000000005)
    plot_image = plt.imshow(s, vmin=0,vmax=np.percentile(s,99),interpolation='nearest')
    plot_image.set_cmap("jet")
    plt.show(block=BLOCK)
    print s
    return s
开发者ID:baudrly,项目名称:HiC-Box,代码行数:11,代码来源:specter.py


示例16: plotSpy

def plotSpy(M, eps):
    plt.figure()
    frame1 = plt.gca()
    frame1.get_xaxis().set_ticks([])
    frame1.get_xaxis().set_ticklabels([])
    frame1.get_yaxis().set_ticks([])
    frame1.get_yaxis().set_ticklabels([])
    plt.subplot(111)
    #  plt.title(myTitle+",eps="+str(eps))
    plt.spy(M, precision=eps, marker=".", markersize=1)
    plt.show
开发者ID:keceli,项目名称:kiler,代码行数:11,代码来源:matrixtools.py


示例17: plot_matrix

def plot_matrix(Mat,dir_name=None,title=None):
	"""Plots and saves a dense matrix"""
	if dir_name is None:
		dir_name='./'
	if title is None:
		title = 'Matrix'
	plt.figure(figsize=(10,10))
	plt.spy(np.abs(Mat))
	plt.grid()
	plt.title(title)
	plt.savefig(dir_name+title+'.png')
开发者ID:nknezek,项目名称:rossby_waves,代码行数:11,代码来源:rossby_plotting.py


示例18: main

def main():
	n = 9
	arr = np.zeros((n,n))

	arr[:,0:3] = 1
	arr[n-1, :]  = 1
	arr[(4,7,1),(5,7,8)] = 1

	plt.spy(arr)
	savefig('arr_plot.png')
	plt.show()
开发者ID:physics91si,项目名称:murphyjm-lab6,代码行数:11,代码来源:matrix.py


示例19: plot_Phis_sparsity

 def plot_Phis_sparsity(self, Phis, fig=0):
     Phis = [phis[0].data.cpu().numpy() for phis in Phis]
     plt.figure(fig)
     plt.clf()
     for i, phi in enumerate(Phis):
         plt.subplot(1, len(Phis), i + 1)
         # plot first element of the batch
         plt.spy(phi, precision=0.001, marker='o', markersize=2)
         plt.xticks([])
         plt.yticks([])
         plt.title('k={}'.format(i))
     path = os.path.join(self.path, 'Phis.png')
     plt.savefig(path)
开发者ID:ParsonsZeng,项目名称:DiCoNet,代码行数:13,代码来源:Logger.py


示例20: PlotSparsity

    def PlotSparsity(self, solver):
        """
        Call in with your T.Solver as argument.
        """
        solver['H'].evaluate()
        H = solver['H'].output()

        solver['dg'].evaluate()
        dg = solver['dg'].output()
        
        plt.figure(1)
        plt.spy(np.concatenate([H,dg.T],axis=1))
        plt.show()
开发者ID:sebchalmers,项目名称:TrafficMHE,代码行数:13,代码来源:TrafficFlowLifted.py



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


鲜花

握手

雷人

路过

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

请发表评论

全部评论

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