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

Python util.lookup函数代码示例

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

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



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

示例1: __init__

 def __init__(
     self, index=0, inference="ExactInference", ghostAgents=None, observeEnable=True, elapseTimeEnable=True
 ):
     inferenceType = util.lookup(inference, globals())
     self.inferenceModules = [inferenceType(a) for a in ghostAgents]
     self.observeEnable = observeEnable
     self.elapseTimeEnable = elapseTimeEnable
开发者ID:thomaschow,项目名称:cs188,代码行数:7,代码来源:bustersAgents.py


示例2: __init__

    def __init__(self, extractor='IdentityExtractor', **args):
        self.featExtractor = util.lookup(extractor, globals())()
        PacmanQAgent.__init__(self, **args)
        #self.epsilon = 0.05
        #self.gamma = 0.8
        #self.alpha = 0.2

        # You might want to initialize weights here.
        self.all_directions = [Directions.NORTH,
                               Directions.SOUTH,
                               Directions.EAST,
                               Directions.WEST,
                               Directions.STOP]
        self.nb_states = 0
        self.closest_food = None
        self.featureQ = [self.ghost_west, self.ghost_east, self.ghost_north, self.ghost_south,
                         self.no_wall_west, self.no_wall_east, self.no_wall_north, self.no_wall_south,
                         #self.posx, self.posy, self.biais,
                         self.close_dot_west, self.close_dot_east, self.close_dot_north, self.close_dot_south]
        self.w = {}
        for action in self.all_directions:
            temp = []
            for i in range(0, len(self.featureQ)):
                temp.append(1.0)
            self.w[action] = temp
开发者ID:PhilippeMorere,项目名称:PacmanRL,代码行数:25,代码来源:qlearningAgents.py


示例3: __init__

  def __init__(self, extractor='IdentityExtractor', **args):
    self.featExtractor = util.lookup(extractor, globals())()
    PacmanQAgent.__init__(self, **args)

    # You might want to initialize weights here.
    "*** YOUR CODE HERE ***"
    self.weights = util.Counter()

    self.globalvar = 1

    # Define NN
    self.model = Sequential()
    self.model.add(Dense(300, init='lecun_uniform', input_shape=(5,)))
    self.model.add(Activation('relu'))

    self.model.add(Dense(300, init='lecun_uniform'))
    self.model.add(Activation('relu'))

    self.model.add(Dense(300, init='lecun_uniform'))
    self.model.add(Activation('relu'))

    self.model.add(Dense(5, init='lecun_uniform'))
    self.model.add(Activation('linear'))

    rms = RMSprop()
    self.model.compile(loss='mse', optimizer=rms)

    self.atoi = {'North': 0, 'South': 1, 'East': 2, 'West': 3, 'Stop': 4}
开发者ID:hipapi,项目名称:pacman-deep-learning,代码行数:28,代码来源:qlearningAgents.py


示例4: __init__

  def __init__(self, extractor='IdentityExtractor', **args):
    self.featExtractor = util.lookup(extractor, globals())()
    PacmanQAgent.__init__(self, **args)

    # You might want to initialize weights here.
    "*** YOUR CODE HERE ***"
    self.weights = util.Counter()
开发者ID:goy51547,项目名称:School-assignments-,代码行数:7,代码来源:qlearningAgents.py


示例5: registerInitialState

  def registerInitialState(self, gameState):
    """
    This method handles the initial setup of the
    agent to populate useful fields (such as what team
    we're on).

    A distanceCalculator instance caches the maze distances
    between each pair of positions, so your agents can use:
    self.distancer.getDistance(p1, p2)
    """
    self.red = gameState.isOnRedTeam(self.index)
    self.distancer = distanceCalculator.Distancer(gameState.data.layout)

    # comment this out to forgo maze distance computation and use manhattan distances
    self.distancer.getMazeDistances()

    import __main__
    if '_display' in dir(__main__):
      self.display = __main__._display
  
    inferenceType = util.lookup('ParticleFilter', globals())
    self.inferenceModules = [inferenceType(o,self.index) for o in self.getOpponents(gameState)]
    for inference in self.inferenceModules: inference.initialize(gameState)
    self.ghostBeliefs = [inf.getBeliefDistribution() for inf in self.inferenceModules]
    self.firstMove = True
开发者ID:adinutzyc21,项目名称:ArtificialIntelligence,代码行数:25,代码来源:RLTeam.py


示例6: __init__

 def __init__(self, index, fnStrategy='defaultstrategy'):
   self.index=index
   strategies = fnStrategy.split(';')
   try:
     self.strategy = util.lookup(strategies[index%len(strategies)], globals())
   except:
     print "Function "+strategies[index%len(strategies)]+" not defined!"
     print "Loading defaultstrategy..."
     self.strategy = defaultstrategy
开发者ID:tweve,项目名称:UniversityProj,代码行数:9,代码来源:iiaAgents.py


示例7: getattr

 def getattr(self, name):
     ret = None
     if self.path is not None:
         ret = findOnPath(name, self.path)
     if ret is not None:
         ret.name = self.name+'.'+ret.name
         return ret
     if self.mod is None:
         self.mod = lookup(self.name)
     return Namespace.getattr(self, name)
开发者ID:carvalhomb,项目名称:tsmells,代码行数:10,代码来源:ImportName.py


示例8: _process_batch

def _process_batch(session, posts, dests, modes, **kwargs):
    """
    Request commute distances and durations for a batch of posts.
    """
    
    posts_latlon = [(_.latitude, _.longitude) for _ in posts]
    
    for mode in modes:
        
        response = gmaps.distance_matrix(posts_latlon, dests, mode, **kwargs)
        
        for post, row in zip(posts, response['rows']):
            post.commutes.extend([
                Commute(dest=lookup(session, Destination, dest),
                        mode=lookup(session, Mode, mode),
                        distance=e['distance']['value'],
                        duration=e['duration']['value'])
                for dest, e in zip(dests, row['elements'])
                if e['status'] == 'OK'
            ])
开发者ID:mcwitt,项目名称:apt-hunter,代码行数:20,代码来源:commute.py


示例9: __init__

 def __init__(self, evalFn = 'scoreEvaluationFunction', depth = '2', a=0,b=0,c=0,d=0,e=0,f=0):
   self.index = 0 # Pacman is always agent index 0
   self.depth = int(depth)
   storeConstants(a, b, c, d, e, f)
   # self.a = a
   # print "a: ", a
   # b = b
   # c = c
   # d = d
   # e = e
   # f = f
   self.evaluationFunction = util.lookup(evalFn, globals())
开发者ID:dcalacci,项目名称:ml-expectimax-agent,代码行数:12,代码来源:multiAgents.py


示例10: __init__

  def __init__(self, extractor='IdentityExtractor', **args):
    if extractor in args:
      extractor = args['extractor']

    self.featExtractor = util.lookup(extractor, globals())()
    SarsaLambdaAgent.__init__(self, **args)

    # You might want to initialize weights here.
    "*** YOUR CODE HERE ***"
    # we are not using values
    self.weights = util.Counter()
    self.workingWeights = util.Counter()
    self.times = 0
开发者ID:shunzh,项目名称:Keepaway,代码行数:13,代码来源:sarsaLambdaAgents.py


示例11: __init__

	def __init__(self, index, fnStrategy='defaultstrategy'):
		self.index=index
		self.xCapsule = self.yCapsule = -1
		strategies = fnStrategy.split(';')

		global ghostN
		ghostN = "all" if len(strategies) > 1 else strategies[0]

		try:
			self.strategy = util.lookup(strategies[index%len(strategies)], globals())
		except:
			print "Function "+strategies[index%len(strategies)]+" not defined!"
			self.strategy = default
开发者ID:valenca,项目名称:Neural-Network-Pacman,代码行数:13,代码来源:iiaAgents.py


示例12: addPackage

 def addPackage(self, package, skiplist=[]):
     pkg = lookup(package)
     base = package.replace(DOT, SLASH)
     for cl in listAllClasses(pkg):
         name = package + "." + cl
         if name in skiplist:
             # print 'skipping',name # ?? dbg
             continue
         entryname = base + "/" + cl + ".class"
         self.zipfile.putNextEntry(ZipEntry(entryname))
         instream = openResource(entryname)
         copy(instream, self.zipfile)
         instream.close()
开发者ID:Alli1223,项目名称:Comp120-moodboard,代码行数:13,代码来源:jar.py


示例13: __init__

  def __init__(self, extractor='FeatureLearner', processFreq=processingFrequency, **args):
    self.featExtractor = util.lookup(extractor, globals())()
    
    PacmanQAgent.__init__(self, **args)

    # Weight Initialization
    self.featuresWeights = util.Counter()
    self.rewardCounter = util.Counter()
    self.rewardDict = util.Counter()

    # We use the processingFrequency only if we are in 
    # the featExtractor is a FeatureLearner (= we have a deep learning agent)    
    self.processingFrequency = processingFrequency #if self.featExtractor==FeatureLearner else 10e9
开发者ID:lazycrazyowl,项目名称:DeepLearningAgent,代码行数:13,代码来源:DeepAgents.py


示例14: __init__

 def __init__(self, numDecks=1, qvalues=util.Counter(), epsilon=0.05, gamma=0.8, alpha=0.2, numTraining=1000, extractor='SimpleExtractor'):
     """
     Init appropriated from qlearningAgents.py from
     pacman reinforcement assignment.
     """
     self.epsilon = epsilon
     self.discount = gamma
     self.alpha = alpha
     self.numTraining = numTraining
 
     self.dealer = Dealer.Dealer(numDecks, True)     # True = Silent Mode; Agent must be modified later to actually accept a dealer
     self.qvalues = qvalues
     self.weights = util.Counter()
     self.featExtractor = util.lookup(extractor, globals())()
开发者ID:Breilly38,项目名称:BlackjackMDP,代码行数:14,代码来源:FeatureAgent.py


示例15: __init__

  def __init__(self, extractor='IdentityExtractor', **args):
    if extractor in args:
      extractor = args['extractor']

    self.featExtractor = util.lookup(extractor, globals())()

    # You might want to initialize weights here.
    "*** YOUR CODE HERE ***"
    self.mdp = args['mdp']
    self.discount = args['gamma']
    self.iterations = args['iterations']
    self.alpha = args['alpha']

    self.weights = util.Counter()
    self.times = 0

    if False: #extractor == 'BairdsExtractor':
      # doing evil thing here
      self.weights[0] = 1
      self.weights[1] = 1
      self.weights[2] = 1
      self.weights[3] = 1
      self.weights[4] = 1
      self.weights[5] = 1
      self.weights[6] = 1
    
    # do update, full backup (sweep every state)
    for time in range(self.iterations):
      for state in self.mdp.getStates():
        if not self.mdp.isTerminal(state): 
	  # find the best action
          maxValue = None
	  bestAction = None

	  for action in self.mdp.getPossibleActions(state):
	    thisValue = self.getQValue(state, action)
	    if bestAction == None or thisValue > maxValue:
	      maxValue = thisValue
	      bestAction = action

          for nextState, prob in self.mdp.getTransitionStatesAndProbs(state, bestAction):
	    self.update(state, action, nextState, self.mdp.getReward(state, action, nextState), prob)

      self.outputWeights(time)
      self.outputValues(time)
      self.outputMSE(time)
开发者ID:shunzh,项目名称:Keepaway,代码行数:46,代码来源:valueIterationAgents.py


示例16: getFile

def getFile(name):
    dot = name.rfind('.')
    if dot == -1:
        return PkgEntry(name)
##        return topFile(name)

    package = lookup(name[:dot])
    if isinstance(package, PyJavaPackage):
        return PkgEntry(name)
##    if hasattr(package, '__file__'):
##        return ZipEntry(package.__file__, name)
##    elif hasattr(package, '__path__') and len(package.__path__) == 1:
##        return DirEntry(package.__path__[0], name)
    elif isinstance(package, TypeType):
        # this 'package' is a java class
        f = getFile(name[:dot])
        if f:
            return f
开发者ID:denis-vilyuzhanin,项目名称:OpenModelSphereMirror,代码行数:18,代码来源:depend.py


示例17: __init__

 def __init__(self, **args):
   """Uses the SimpleExtractor feature extractor with a 2-layer network
   (affine-relu-affine-relu) with an L2 loss to predict Q values."""
   self.featExtractor = util.lookup("SimpleExtractor", globals())()
   PacmanQAgent.__init__(self, **args)
   self.sess = tf.Session()
   self.allFeats = list(self.featExtractor.getFeatures(None, None))
   numDims = len(self.allFeats)
   self.x = tf.placeholder("float", shape=[None, numDims])
   self.y_ = tf.placeholder("float", shape=[None, 1])
   self.W1 = tf.Variable(tf.truncated_normal([numDims, 5], stddev=0.01))
   self.b1 = tf.Variable(tf.constant(0.01, shape=[5]))
   self.W2 = tf.Variable(tf.truncated_normal([5, 1]))
   self.b2 = tf.Variable(tf.constant(0.01, shape=[1]))
   self.h = tf.nn.relu(tf.matmul(self.x, self.W1) + self.b1)
   self.out = tf.nn.relu(tf.matmul(self.h, self.W2) + self.b2)
   self.l2_loss = tf.reduce_sum(tf.square(self.y_ - self.out))
   self.train_step = tf.train.AdamOptimizer(1e-4).minimize(self.l2_loss)
   self.sess.run(tf.initialize_all_variables())
开发者ID:achristensen56,项目名称:Pacman,代码行数:19,代码来源:qlearningAgents.py


示例18: __init__

    def __init__(self, extractor='StateExtractor'):
        # Feature extractor
        self.featExtractor = util.lookup(extractor, globals())()

        # Transition function (data structure required for the transition function)
        #*** YOUR CODE STARTS HERE ***"
        # Code to remove ---------- from here
        self.frequencies = util.Counter()
        # Code to remove ---------- to here
        #"*** YOUR CODE FINISHES HERE ***"


        # Dictionary with examples of a Low state for each High state: it serves to get possible actions
        # and to check terminal states (though it is not required if the high level representation
        # capture them)
        self.states = util.Counter()

        # Reward for each state at the high level representation
        self.reward = util.Counter()
开发者ID:blayhem,项目名称:pacman-AI,代码行数:19,代码来源:pacmanMdp.py


示例19: __init__

  def __init__(self, extractor='IdentityExtractor', **args):
    if extractor in args:
      extractor = args['extractor']

    self.featExtractor = util.lookup(extractor, globals())()
    TGLearningAgent.__init__(self, **args)

    # You might want to initialize weights here.
    "*** YOUR CODE HERE ***"
    self.weights = util.Counter()
    self.times = 0

    if extractor == 'BairdsExtractor':
      # doing evil thing here
      self.weights[0] = 1
      self.weights[1] = 1
      self.weights[2] = 1
      self.weights[3] = 1
      self.weights[4] = 1
      self.weights[5] = 10
      self.weights[6] = 1
开发者ID:shunzh,项目名称:Keepaway,代码行数:21,代码来源:tglearningAgents.py


示例20: __init__

    def __init__( self, index = 0, inference = "ExactInference", ghostAgents = None, observeEnable = True, elapseTimeEnable = True, obsOnStopOnly = False,
                  prior = False, rolloutPolicy='Uniform'):
        inferenceType = util.lookup(inference, globals())
        if prior:
            self.inferenceModules = [inferenceType(a, prior) for a in ghostAgents]
        else:
            self.inferenceModules = [inferenceType(a) for a in ghostAgents]

        self.observeEnable = observeEnable
        self.elapseTimeEnable = elapseTimeEnable
        self.ghostAgents = ghostAgents
        self.obsOnStopOnly = obsOnStopOnly
        self.lastAction = None
        self.rolloutPolicy = rolloutPolicy
        
        self.gamma = 0.99
        self.epsilon = 0.01
        self.c = 500.0
        self.numSimulations = 200
        self.depth = 10

        self.searchTree = {}
        self.searchTree[()] = [0,0]
开发者ID:shayne1993,项目名称:ArtificialIntelligence,代码行数:23,代码来源:bustersAgents.py



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


鲜花

握手

雷人

路过

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

请发表评论

全部评论

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

扫描微信二维码

查看手机版网站

随时了解更新最新资讯

139-2527-9053

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

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

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