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

Python sam.eval函数代码示例

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

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



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

示例1: run_once

def run_once():
    simplex = Monitor()
    solver = fmin(2)
    solver.SetRandomInitialPoints([0,0],[2,2])
    solver.SetGenerationMonitor(simplex)
    solver.Solve(Corana2, termination=CRT())
    sol = solver.Solution()
    
    for x in simplex.x:
        sam.putarray('x',x)
        sam.eval("plot(x([1,2,3,1],1),x([1,2,3,1],2),'w-')")
开发者ID:jcfr,项目名称:mystic,代码行数:11,代码来源:sam_corana2.py


示例2: plot

    def plot(self,contours=None):
        """Plots the isosurfaces for the field data, at corresponding contour values."""
        import ExcitationSlicer
        path = ExcitationSlicer.__file__
        path=path.strip('__init__.pyc')

        
        if contours is None:
            contours = self._contvals
        
        import sam
        import numpy as np

        try:
            contourvalue = contours[0]
        except:
            raise ValueError, "contourvalues is empty."

        #we first pass the data into Matlab as an array:
        array = np.array(self._getArray())
        (dim0, dim1, dim2) = array.shape
        q0 = np.arange(1, dim0 + 1)
        q1 = np.arange(1, dim1 + 1)
        q2 = np.arange(1, dim2 + 1)

        sam.put('dim0', [dim0])
        sam.put('dim1', [dim1])
        sam.put('dim2', [dim2])

        sam.put('q0', q0)
        sam.put('q1', q1)
        sam.put('q2', q2)
        sam.eval("[q0i, q1i, q2i] = meshgrid(q0, q1, q2);")

        # this causes a segmentation fault for an array of 20x20x20 doubles:
        #sam.putarray('array', array)
        # here is a temporary ugly(!) fix:
        array.shape=(dim0*dim1*dim2,)
        sam.put('array', array)
        sam.eval("earray = reshape(array', dim0, dim1, dim2)")
        # end of fix

        # pass the energy-value for which to draw the isosurface into matlab"
        sam.put('contourvalue', [contourvalue])

        # We use an M-file that gets called when we evaluate the name
        # of the corresponding function in Matlab via SAM

        print "path: ", path
        sam.eval("cd('"+path+"')")
        sam.eval("MlabPhonIsoSurfacePlotter(q0i,q1i,q2i, earray, contourvalue, 'blue')")
        waitforentry=raw_input("Press any key.")
        sam.eval("close")
        return 0
开发者ID:danse-inelastic,项目名称:inelastic-svn,代码行数:54,代码来源:IsoSurfacePlotter.py


示例3: run_once

def run_once(x0,x1):
    simplex = Monitor()
    xinit = [x0, x1]

    solver = fmin(len(xinit))
    solver.SetInitialPoints(xinit)
    solver.SetGenerationMonitor(simplex)
    solver.Solve(rosen, termination=CRT())
    sol = solver.Solution()
    
    for x in simplex.x:
        sam.putarray('x',x)
        sam.eval("plot(x([1,2,3,1],1),x([1,2,3,1],2),'w-')")
开发者ID:Magellen,项目名称:mystic,代码行数:13,代码来源:sam_rosenbrock.py


示例4: run_once_xv

def run_once_xv():
    simplex = Monitor()
    y1 = y0*random.uniform(0.5,1.5)
    z1 = z0*random.uniform(0.5,1.5)
    xinit = [random.uniform(x0-40,x0+40), y1, z1, random.uniform(v0-0.1,v0+0.1)]

    solver = fmin(len(xinit))
    solver.SetInitialPoints(xinit)
    solver.SetGenerationMonitor(simplex)
    solver.Solve(cost_function, termination=CRT())
    sol = solver.Solution()
    print(sol)

    for x in simplex.x:
        sam.putarray('x',x)
        sam.eval("plot(x([1,2,3,1],1),x([1,2,3,1],2),'w-','LineWidth',2)")
    return sol
开发者ID:Magellen,项目名称:mystic,代码行数:17,代码来源:sam_mogi.py


示例5: draw_contour_xv

def draw_contour_xv():
    import numpy
    x, y = mgrid[-40:40:0.5, -0.1:0.3:.01]
    x = x0 + x
    y = v0 + y
    s,t = x.shape
    c = 0*x
    s,t = x.shape
    for i in range(s):
       for j in range(t):
          xx,yy = x[i,j], y[i,j]
          c[i,j] = cost_function([xx, y0, z0, yy])

    sam.putarray('X',x)
    sam.putarray('Y',y)
    sam.putarray('C',c)

    sam.eval("[c,h]=contourf(X,Y,C,100);set(h,'EdgeColor','none')")
    sam.eval('hold on')
开发者ID:Magellen,项目名称:mystic,代码行数:19,代码来源:sam_mogi.py


示例6: matlab

def matlab(scriptdir,title,heading,imagefile,htmlfile='results.html'):
    # use sam module to run a matlab session from python
    import sam
    sam.eval("") # initiate matlab session

    # scriptdir should contain the amroc matlab scripts needed to process
    # the hdf files.  make sure this is in MATLABPATH
    sam.eval("addpath %s" % scriptdir)

    # run plothdf script, using local menu_automation.m script to make plot
    sam.eval("plothdf")
    sam.close() # end matlab session

    # generate HTML web page with results
    makeHTML(title,heading,imagefile,htmlfile)
    return
开发者ID:JasonChunZheng,项目名称:vtf,代码行数:16,代码来源:postprocess.py


示例7: draw_contour

def draw_contour():
    import numpy

    x, y = numpy.mgrid[0:7.5:0.05,0:7.5:0.05]
    c = 0*x
    s,t = x.shape
    for i in range(s):
       for j in range(t):
          xx,yy = x[i,j], y[i,j]
          c[i,j] = CostFunction([xx,yy])


    sam.putarray('X',x)
    sam.putarray('Y',y)
    sam.putarray('C',c)

    sam.verbose()    
    sam.eval("[c,h]=contourf(X,Y,log(C*20+1)+2,100);set(h,'EdgeColor','none')")
    sam.eval("title('Zimmermann''s Corner. Min at 7,2')")
    sam.eval('hold on')
开发者ID:cdeil,项目名称:mystic,代码行数:20,代码来源:sam_zimmermann.py


示例8: draw_contour

def draw_contour():
    import numpy

    x, y = numpy.mgrid[0:2.1:0.05,0:2.1:0.05]
    c = 0*x
    s,t = x.shape
    for i in range(s):
       for j in range(t):
          xx,yy = x[i,j], y[i,j]
          c[i,j] = Corana2([xx,yy])


    sam.putarray('X',x)
    sam.putarray('Y',y)
    sam.putarray('C',c)

    sam.verbose()    
    sam.eval("[c,h]=contourf(X,Y,C,100);set(h,'EdgeColor','none')")
    #sam.eval("[c,h]=contourf(X,Y,log(C*20+1)+2,100);set(h,'EdgeColor','none')")
    sam.eval("title('Corana''s Parabola in 2D. Min at 0,0')")
    sam.eval('hold on')
开发者ID:jcfr,项目名称:mystic,代码行数:21,代码来源:sam_corana2.py


示例9: draw_contour_xy

def draw_contour_xy():
    import numpy
    x, y = mgrid[-40:40:0.5, -40:40:0.5]
    x = x0 + x
    y = y0 + y
    s,t = x.shape
    c = 0*x
    s,t = x.shape
    for i in range(s):
       for j in range(t):
          xx,yy = x[i,j], y[i,j]
          c[i,j] = cost_function([xx,yy, z0, v0])


    sam.putarray('X',x)
    sam.putarray('Y',y)
    sam.putarray('C',c)

    sam.verbose()    
    sam.eval("[c,h]=contourf(X,Y,C,100);set(h,'EdgeColor','none')")
    sam.eval("title('Mogi Fitting')")
    sam.eval('hold on')
开发者ID:Magellen,项目名称:mystic,代码行数:22,代码来源:sam_mogi.py


示例10: dot

# The dual problem verification begins here.
npt = xy.shape[0]
Q = dot(xy, transpose(xy))
#Q = zeros((npt,npt))
#for i in range(npt):
#   for j in range(npt):
##       Q[i,j] = dot(xy[i,:],xy[j,:])
#Q = array(Q)
f = -diag(Q)+10
H = Q*2
A = ones((1,npt))
b = ones(1)
sam.putarray('H',H);
sam.putarray('f',f);
sam.eval("npt = %d;" % npt);
sam.eval("al = quadprog(H,f,[],[],ones(1,npt),1,zeros(npt,1),ones(npt,1));")
alpha = sam.getarray('al').flatten()


def getobj(H,f, x):
    return 0.5 * dot(dot(x,H),x) + dot(f,x)

def chop(x):
    if abs(x) > 1e-6:
        return x
    else:
        return 0

x = array([chop(y) for y in alpha])
center = dot(alpha,xy)
开发者ID:agamdua,项目名称:mystic,代码行数:30,代码来源:sam_circle_matlab.py


示例11: fmin

    solver = fmin(len(xinit))
    solver.SetInitialPoints(xinit)
    solver.SetGenerationMonitor(simplex)
    solver.Solve(cost_function, termination=CRT())
    sol = solver.Solution()
    print(sol)

    for x in simplex.x:
        sam.putarray('x',x)
        sam.eval("plot(x([1,2,3,1],1),x([1,2,3,1],2),'w-','LineWidth',2)")
    return sol

draw_contour_xv()
xysol = run_once_xy()

sam.eval("figure(2)")

draw_contour_xy()
xvsol = run_once_xv()


sam.eval("figure(3)")
plot_noisy_data()
sam.eval("hold on")
plot_sol(xysol)
plot_sol(xvsol)

getch()

# end of file
开发者ID:Magellen,项目名称:mystic,代码行数:30,代码来源:sam_mogi.py


示例12: renderOnSurface

    def renderOnSurface(self, surface):
        """Renders the scattering intensity on given detector surface in reciprocal space."""

        import sam
        import numpy as np

        ########################
        ###
        ### this is to be implemented using the 'slice()' method of Matlab.
        ###
        ########################

        #we first pass the data into Matlab as an array:
        array = np.array(self._getArray())
        (dim0, dim1, dim2) = array.shape
        q0 = np.arange(1, dim0 + 1)
        q1 = np.arange(1, dim1 + 1)
        q2 = np.arange(1, dim2 + 1)
        # set up the ranges for the grid in reciprocal space
        # these are some dummy ranges for now ([-0.5,0.5])
        q0 = (q0 - (dim0+1)/2.0) / dim0 
        q1 = (q1 - (dim1+1)/2.0) / dim1
        q2 = (q2 - (dim2+1)/2.0) / dim2

        sam.put('dim0', [dim0])
        sam.put('dim1', [dim1])
        sam.put('dim2', [dim2])

        sam.put('q0', q0)
        sam.put('q1', q1)
        sam.put('q2', q2)
        sam.eval("[qxi, qyi, qzi] = meshgrid(q0, q1, q2);")

        # this causes a segmentation fault for an array of 20x20x20 doubles:
        #sam.putarray('array', array)
        # here is a temporary ugly(!) fix:
        array.shape=(dim0*dim1*dim2,)
        sam.put('array', array)
        sam.eval("scattarray = reshape(array', dim0, dim1, dim2)")
        # end of fix

        # we need to pass the detector surface into Matlab:
        sam.eval("[sxi,syi] = meshgrid(q0,q1);")
        sam.eval("szi = sqrt(1.0-(sxi.^2))-0.75 ;")

        # We use an M-file that gets called when we evaluate the name
        # of the corresponding function in Matlab via SAM
        sam.eval("MlabScatteringIntensitySurfaceSlicer(qxi,qyi,qzi,scattarray, sxi, syi,szi)")

        waitforentry=raw_input("Press any key.")
        sam.eval("close")
        return 0
开发者ID:danse-inelastic,项目名称:inelastic-svn,代码行数:52,代码来源:ScatteringIntensityMapper.py



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


鲜花

握手

雷人

路过

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

请发表评论

全部评论

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