def test_invariance(self): np.random.seed(SEED) # Create a random network nn = NeuralNet(seed=SEED) # Generate random input input_data = np.random.rand(PLANET_MAX_NUM, PER_PLANET_FEATURES) # Get predictions original_predictions = nn.predict(input_data) # Confirm different predictions for planet 0 and 1 assert not equal(original_predictions[0], original_predictions[1]) permuted_input_data = input_data # Swap planets 0 and 1 permuted_input_data[[0, 1]] = input_data[[1, 0]] permuted_predictions = nn.predict(permuted_input_data) # Confirm the predictions are permuted assert equal(original_predictions[0], permuted_predictions[1]) assert equal(original_predictions[1], permuted_predictions[0]) for i in range(2, PLANET_MAX_NUM): assert equal(original_predictions[i], permuted_predictions[i])
def play(self): # Load the model before calling hlt.Game since after that you have limited time to respond nn = NeuralNet(cached_model=self._model_location) game = hlt.Game(self._name) current_round = 0 while True: game_map = game.update_map() start_time = time.time() # Produce features for each planet features = self.produce_features(game_map, current_round) # Find predictions which planets we should send ships to. # (create minibatch of size 1 for the network) predictions = nn.predict(np.array([features]))[0] # Use simple greedy algorithm to assign closest ships to each planet ships_to_planets_assignment = self.produce_ships_to_planets_assignment( game_map, predictions) # Produce halite instruction for each ship instructions = self.produce_instructions( game_map, ships_to_planets_assignment, start_time) # Send the command game.send_command_queue(instructions) current_round = current_round + 1
def __init__(self, location, name): current_directory = os.path.dirname(os.path.abspath(__file__)) model_location = os.path.join(current_directory, os.path.pardir, "models", location) self._name = name self._neural_net = NeuralNet(cached_model=model_location) # Run prediction on random data to make sure that code path is executed at least once before the game starts random_input_data = np.random.rand(PLANET_MAX_NUM, PER_PLANET_FEATURES) predictions = self._neural_net.predict(random_input_data) assert len(predictions) == PLANET_MAX_NUM
def main(): parser = argparse.ArgumentParser(description="Halite II training") parser.add_argument("--model_name", help="Name of the model") parser.add_argument("--minibatch_size", type=int, help="Size of the minibatch", default=100) parser.add_argument("--steps", type=int, help="Number of steps in the training", default=100) parser.add_argument("--data", help="Data directory or zip file containing uncompressed games") parser.add_argument("--cache", help="Location of the model we should continue to train") parser.add_argument("--games_limit", type=int, help="Train on up to games_limit games", default=1000) parser.add_argument("--seed", type=int, help="Random seed to make the training deterministic") parser.add_argument("--bot_to_imitate", help="Name of the bot whose strategy we want to learn") parser.add_argument("--dump_features_location", help="Location of hdf file where the features should be stored") args = parser.parse_args() # Make deterministic if needed if args.seed is not None: np.random.seed(args.seed) nn = NeuralNet(cached_model=args.cache, seed=args.seed) if args.data.endswith('.zip'): raw_data = fetch_data_zip(args.data, args.games_limit) else: raw_data = fetch_data_dir(args.data, args.games_limit) data_input, data_output = parse(raw_data, args.bot_to_imitate, args.dump_features_location) data_size = len(data_input) training_input, training_output = data_input[:int(0.85 * data_size)], data_output[:int(0.85 * data_size)] validation_input, validation_output = data_input[int(0.85 * data_size):], data_output[int(0.85 * data_size):] training_data_size = len(training_input) # randomly permute the data permutation = np.random.permutation(training_data_size) training_input, training_output = training_input[permutation], training_output[permutation] print("Initial, cross validation loss: {}".format(nn.compute_loss(validation_input, validation_output))) curves = [] for s in range(args.steps): start = (s * args.minibatch_size) % training_data_size end = start + args.minibatch_size training_loss = nn.fit(training_input[start:end], training_output[start:end]) if s % 200 == 0 or s == args.steps - 1: validation_loss = nn.compute_loss(validation_input, validation_output) print("Step: {}, cross validation loss: {}, training_loss: {}".format(s, validation_loss, training_loss)) curves.append((s, training_loss, validation_loss)) cf = pd.DataFrame(curves, columns=['step', 'training_loss', 'cv_loss']) fig = cf.plot(x='step', y=['training_loss', 'cv_loss']).get_figure() # Save the trained model, so it can be used by the bot current_directory = os.path.dirname(os.path.abspath(__file__)) model_path = os.path.join(current_directory, os.path.pardir, "models", args.model_name + ".ckpt") print("Training finished, serializing model to {}".format(model_path)) nn.save(model_path) print("Model serialized") curve_path = os.path.join(current_directory, os.path.pardir, "models", args.model_name + "_training_plot.png") fig.savefig(curve_path)
class Bot: def __init__(self, location, name): current_directory = os.path.dirname(os.path.abspath(__file__)) model_location = os.path.join(current_directory, os.path.pardir, "models", location) self._name = name self._neural_net = NeuralNet(cached_model=model_location) # Run prediction on random data to make sure that code path is executed at least once before the game starts random_input_data = np.random.rand(PLANET_MAX_NUM, PER_PLANET_FEATURES) predictions = self._neural_net.predict(random_input_data) assert len(predictions) == PLANET_MAX_NUM def play(self): """ Play a game using stdin/stdout. """ # Initialize the game. game = hlt.Game(self._name) while True: # Update the game map. game_map = game.update_map() start_time = time.time() # Produce features for each planet. features = self.produce_features(game_map) # Find predictions which planets we should send ships to. predictions = self._neural_net.predict(features) # Use simple greedy algorithm to assign closest ships to each planet according to predictions. ships_to_planets_assignment = self.produce_ships_to_planets_assignment( game_map, predictions) # Produce halite instruction for each ship. instructions = self.produce_instructions( game_map, ships_to_planets_assignment, start_time) # Send the command. game.send_command_queue(instructions) def produce_features(self, game_map): """ For each planet produce a set of features that we will feed to the neural net. We always return an array with PLANET_MAX_NUM rows - if planet is not present in the game, we set all featurse to 0. :param game_map: game map :return: 2-D array where i-th row represents set of features of the i-th planet """ feature_matrix = [[0 for _ in range(PER_PLANET_FEATURES)] for _ in range(PLANET_MAX_NUM)] for planet in game_map.all_planets(): # Compute "ownership" feature - 0 if planet is not occupied, 1 if occupied by us, -1 if occupied by enemy. if planet.owner == game_map.get_me(): ownership = 1 elif planet.owner is None: ownership = 0 else: # owned by enemy ownership = -1 my_best_distance = 10000 enemy_best_distance = 10000 gravity = 0 health_weighted_ship_distance = 0 sum_of_health = 0 for player in game_map.all_players(): for ship in player.all_ships(): d = ship.calculate_distance_between(planet) if player == game_map.get_me(): my_best_distance = min(my_best_distance, d) sum_of_health += ship.health health_weighted_ship_distance += d * ship.health gravity += ship.health / (d * d) else: enemy_best_distance = min(enemy_best_distance, d) gravity -= ship.health / (d * d) distance_from_center = distance(planet.x, planet.y, game_map.width / 2, game_map.height / 2) health_weighted_ship_distance = health_weighted_ship_distance / sum_of_health remaining_docking_spots = planet.num_docking_spots - len( planet.all_docked_ships()) signed_current_production = planet.current_production * ownership is_active = remaining_docking_spots > 0 or ownership != 1 feature_matrix[planet.id] = [ planet.health, remaining_docking_spots, planet.remaining_resources, signed_current_production, gravity, my_best_distance, enemy_best_distance, ownership, distance_from_center, health_weighted_ship_distance, is_active ] return feature_matrix def produce_ships_to_planets_assignment(self, game_map, predictions): """ Given the predictions from the neural net, create assignment (undocked ship -> planet) deciding which planet each ship should go to. Note that we already know how many ships is going to each planet (from the neural net), we just don't know which ones. :param game_map: game map :param predictions: probability distribution describing where the ships should be sent :return: list of pairs (ship, planet) """ undocked_ships = [ ship for ship in game_map.get_me().all_ships() if ship.docking_status == ship.DockingStatus.UNDOCKED ] # greedy assignment assignment = [] number_of_ships_to_assign = len(undocked_ships) if number_of_ships_to_assign == 0: return [] planet_heap = [] ship_heaps = [[] for _ in range(PLANET_MAX_NUM)] # Create heaps for greedy ship assignment. for planet in game_map.all_planets(): # We insert negative number of ships as a key, since we want max heap here. heapq.heappush(planet_heap, (-predictions[planet.id] * number_of_ships_to_assign, planet.id)) h = [] for ship in undocked_ships: d = ship.calculate_distance_between(planet) heapq.heappush(h, (d, ship.id)) ship_heaps[planet.id] = h # Create greedy assignment already_assigned_ships = set() while number_of_ships_to_assign > len(already_assigned_ships): # Remove the best planet from the heap and put it back in with adjustment. # (Account for the fact the distribution values are stored as negative numbers on the heap.) ships_to_send, best_planet_id = heapq.heappop(planet_heap) ships_to_send = -(-ships_to_send - 1) heapq.heappush(planet_heap, (ships_to_send, best_planet_id)) # Find the closest unused ship to the best planet. _, best_ship_id = heapq.heappop(ship_heaps[best_planet_id]) while best_ship_id in already_assigned_ships: _, best_ship_id = heapq.heappop(ship_heaps[best_planet_id]) # Assign the best ship to the best planet. assignment.append((game_map.get_me().get_ship(best_ship_id), game_map.get_planet(best_planet_id))) already_assigned_ships.add(best_ship_id) return assignment def produce_instructions(self, game_map, ships_to_planets_assignment, round_start_time): """ Given list of pairs (ship, planet) produce instructions for every ship to go to its respective planet. If the planet belongs to the enemy, we go to the weakest docked ship. If it's ours or is unoccupied, we try to dock. :param game_map: game map :param ships_to_planets_assignment: list of tuples (ship, planet) :param round_start_time: time (in seconds) between the Epoch and the start of this round :return: list of instructions to send to the Halite engine """ command_queue = [] # Send each ship to its planet for ship, planet in ships_to_planets_assignment: speed = hlt.constants.MAX_SPEED is_planet_friendly = not planet.is_owned( ) or planet.owner == game_map.get_me() if is_planet_friendly: if ship.can_dock(planet): command_queue.append(ship.dock(planet)) else: command_queue.append( self.navigate(game_map, round_start_time, ship, ship.closest_point_to(planet), speed)) else: docked_ships = planet.all_docked_ships() assert len(docked_ships) > 0 weakest_ship = None for s in docked_ships: if weakest_ship is None or weakest_ship.health > s.health: weakest_ship = s command_queue.append( self.navigate(game_map, round_start_time, ship, ship.closest_point_to(weakest_ship), speed)) return command_queue def navigate(self, game_map, start_of_round, ship, destination, speed): """ Send a ship to its destination. Because "navigate" method in Halite API is expensive, we use that method only if we haven't used too much time yet. :param game_map: game map :param start_of_round: time (in seconds) between the Epoch and the start of this round :param ship: ship we want to send :param destination: destination to which we want to send the ship to :param speed: speed with which we would like to send the ship to its destination :return: """ current_time = time.time() have_time = current_time - start_of_round < 1.2 navigate_command = None if have_time: navigate_command = ship.navigate(destination, game_map, speed=speed, max_corrections=45) if navigate_command is None: # ship.navigate may return None if it cannot find a path. In such a case we just thrust. dist = ship.calculate_distance_between(destination) speed = speed if (dist >= speed) else dist navigate_command = ship.thrust( speed, ship.calculate_angle_between(destination)) return navigate_command
class Bot: def __init__(self, location, name): current_directory = os.path.dirname(os.path.abspath(__file__)) model_location = os.path.join(current_directory, os.path.pardir, "models", location) self._name = name self._neural_net = NeuralNet(cached_model=model_location) # Run prediction on random data to make sure that code path is executed at least once before the game starts random_input_data = np.random.rand(PLANET_MAX_NUM, PER_PLANET_FEATURES) predictions = self._neural_net.predict(random_input_data) assert len(predictions) == PLANET_MAX_NUM def play(self): """ Play a game using stdin/stdout. """ # Initialize the game. game = hlt.Game(self._name) while True: # Update the game map. game_map = game.update_map() start_time = time.time() # Produce features for each planet. features = self.produce_features(game_map) logging.info("----------features--------") logging.info(features) # Find predictions which planets we should send ships to. predictions = self._neural_net.predict(features) # Use simple greedy algorithm to assign closest ships to each planet according to predictions. ships_to_planets_assignment = self.produce_ships_to_planets_assignment( game_map, predictions) # Produce halite instruction for each ship. instructions = self.produce_instructions( game_map, ships_to_planets_assignment, start_time) # Send the command. game.send_command_queue(instructions) def produce_features(self, game_map): """ For each planet produce a set of features that we will feed to the neural net. We always return an array with PLANET_MAX_NUM rows - if planet is not present in the game, we set all featurse to 0. :param game_map: game map :return: 2-D array where i-th row represents set of features of the i-th planet """ feature_matrix = [[0 for _ in range(PER_PLANET_FEATURES)] for _ in range(PLANET_MAX_NUM)] for planet in game_map.all_planets(): # Compute "ownership" feature - 0 if planet is not occupied, 1 if occupied by us, -1 if occupied by enemy. if planet.owner == game_map.get_me(): ownership = 1 elif planet.owner is None: ownership = 0 else: # owned by enemy ownership = -1 my_best_distance = 10000 enemy_best_distance = 10000 gravity = 0 health_weighted_ship_distance = 0 sum_of_health = 0 for player in game_map.all_players(): for ship in player.all_ships(): d = ship.calculate_distance_between(planet) if player == game_map.get_me(): my_best_distance = min(my_best_distance, d) sum_of_health += ship.health health_weighted_ship_distance += d * ship.health gravity += ship.health / (d * d) else: enemy_best_distance = min(enemy_best_distance, d) gravity -= ship.health / (d * d) distance_from_center = distance(planet.x, planet.y, game_map.width / 2, game_map.height / 2) health_weighted_ship_distance = health_weighted_ship_distance / sum_of_health remaining_docking_spots = planet.num_docking_spots - len( planet.all_docked_ships()) signed_current_production = planet.current_production * ownership is_active = remaining_docking_spots > 0 or ownership != 1 feature_matrix[planet.id] = [ planet.health, remaining_docking_spots, planet.remaining_resources, signed_current_production, gravity, my_best_distance, enemy_best_distance, ownership, distance_from_center, health_weighted_ship_distance, is_active ] return feature_matrix def produce_ships_to_planets_assignment(self, game_map, predictions): """ Given the predictions from the neural net, create assignment (undocked ship -> planet) deciding which planet each ship should go to. Note that we already know how many ships is going to each planet (from the neural net), we just don't know which ones. :param game_map: game map :param predictions: probability distribution describing where the ships should be sent :return: list of pairs (ship, planet) """ undocked_ships = [ ship for ship in game_map.get_me().all_ships() if ship.docking_status == ship.DockingStatus.UNDOCKED ] ################################## ### Code base for futher usage ### ################################## team_ships = game_map.get_me().all_ships() enemy_ships = [ ship for ship in game_map._all_ships() if ship not in team_ships ] #################### ### General Idea ### #################### # Learn how to avoid battles unless you are in a superior position # running away # group # attack # greedy assignment assignment = [] number_of_ships_to_assign = len(undocked_ships) if number_of_ships_to_assign == 0: return [] planet_heap = [] ship_heaps = [[] for _ in range(PLANET_MAX_NUM)] # Create heaps for greedy ship assignment. for planet in game_map.all_planets(): # We insert negative number of ships as a key, since we want max heap here. heapq.heappush(planet_heap, (-predictions[planet.id] * number_of_ships_to_assign, planet.id)) h = [] for ship in undocked_ships: d = ship.calculate_distance_between(planet) heapq.heappush(h, (d, ship.id)) ship_heaps[planet.id] = h # Create greedy assignment already_assigned_ships = set() while number_of_ships_to_assign > len(already_assigned_ships): # Remove the best planet from the heap and put it back in with adjustment. # (Account for the fact the distribution values are stored as negative numbers on the heap.) ships_to_send, best_planet_id = heapq.heappop(planet_heap) ships_to_send = -(-ships_to_send - 1) heapq.heappush(planet_heap, (ships_to_send, best_planet_id)) # Find the closest unused ship to the best planet. _, best_ship_id = heapq.heappop(ship_heaps[best_planet_id]) while best_ship_id in already_assigned_ships: _, best_ship_id = heapq.heappop(ship_heaps[best_planet_id]) # Assign the best ship to the best planet. assignment.append((game_map.get_me().get_ship(best_ship_id), game_map.get_planet(best_planet_id))) already_assigned_ships.add(best_ship_id) return assignment def produce_instructions(self, game_map, ships_to_planets_assignment, round_start_time): """ Given list of pairs (ship, planet) produce instructions for every ship to go to its respective planet. If the planet belongs to the enemy, we go to the weakest docked ship. If it's ours or is unoccupied, we try to dock. :param game_map: game map :param ships_to_planets_assignment: list of tuples (ship, planet) :param round_start_time: time (in seconds) between the Epoch and the start of this round :return: list of instructions to send to the Halite engine """ command_queue = [] # Send each ship to its planet ###################################################### ### Undock Mechanic in case of a nearby enemy ship ### ###################################################### docked_ships = [ ship for ship in game_map.get_me().all_ships() if ship.docking_status == ship.DockingStatus.DOCKED ] for ship in docked_ships: entities_by_distance = game_map.nearby_entities_by_distance(ship) team_ships = game_map.get_me().all_ships() filtered_entities_by_distance = [] nearest_enemy_ship = None for entity in entities_by_distance: if isinstance(entity, hlt.entity.Ship): if nearest_enemy_ship not in team_ships: filtered_entities_by_distance.append(entity) if len(filtered_entities_by_distance) < 10: filtered_entities_by_distance = [] distance_to_next_enemy_ship = 1000 nearest_enemy_ship = None for distance in sorted(entities_by_distance): nearest_enemy_ship = next( (nearest_entity for nearest_entity in entities_by_distance[distance] if isinstance(nearest_entity, hlt.entity.Ship)), None) if nearest_enemy_ship: if nearest_enemy_ship not in team_ships: logging.info("from ship with id: ") logging.info(ship.id) logging.info( ship.calculate_distance_between( nearest_enemy_ship)) if distance_to_next_enemy_ship > ship.calculate_distance_between( nearest_enemy_ship): distance_to_next_enemy_ship = ship.calculate_distance_between( nearest_enemy_ship) # TODO # if distance_to_next_enemy_ship < 40: # logging.info("Undock") # command_queue.append(ship.undock()) ############################## ### End of Undock Mechanic ### ############################## target_planet = None filtered_planets_by_distance = [] distance_to_next_planet = 1000 for ship, planet in ships_to_planets_assignment: entities_by_distance = game_map.nearby_entities_by_distance(ship) for distance in sorted(entities_by_distance): nearest_planet = next( (nearest_entity for nearest_entity in entities_by_distance[distance] if isinstance(nearest_entity, hlt.entity.Planet)), None) if nearest_planet != None: filtered_planets_by_distance.append(nearest_planet) if distance_to_next_planet > ship.calculate_distance_between( nearest_planet): distance_to_next_planet = ship.calculate_distance_between( nearest_planet) target_planet = nearest_planet distance = 1000 for ship, planet in ships_to_planets_assignment: # Distance to the closest enemy ship distance_to_next_enemy_ship = 1000 # Default ship movement speed speed = hlt.constants.MAX_SPEED # Checking whether a planet is free to be settled is_planet_friendly = not planet.is_owned( ) or planet.owner == game_map.get_me() ###################################################### ### Interceptor Mechanic if enemy ships are nearby ### ###################################################### entities_by_distance = game_map.nearby_entities_by_distance(ship) team_ships = game_map.get_me().all_ships() nearest_enemy_ship = None target_enemy_ship = None nearest_planet = None filtered_entities_by_distance = [] for distance in sorted(entities_by_distance): nearest_enemy_ship = next( (nearest_entity for nearest_entity in entities_by_distance[distance] if isinstance(nearest_entity, hlt.entity.Ship)), None) if nearest_enemy_ship not in team_ships: if nearest_enemy_ship != None: filtered_entities_by_distance.append( nearest_enemy_ship) if distance_to_next_enemy_ship > ship.calculate_distance_between( nearest_enemy_ship): distance_to_next_enemy_ship = ship.calculate_distance_between( nearest_enemy_ship) target_enemy_ship = nearest_enemy_ship distance = 1000 # First Turn # if ship != None and ship.id == 1 and target_planet != None: # distance_to_next_friendly_ship = 1000 # for distance in sorted(entities_by_distance): # nearest_team_ship = next((nearest_entity for nearest_entity in entities_by_distance[distance] if isinstance(nearest_entity, hlt.entity.Ship)), None) # if nearest_team_ship != None: # if nearest_enemy_ship in team_ships: # if distance_to_next_friendly_ship > ship.calculate_distance_between(nearest_team_ship): # distance_to_next_friendly_ship = ship.calculate_distance_between(nearest_team_ship) # distance = 1000 # if ship.can_dock(planet): # command_queue.append(ship.dock(target_planet)) # elif ship.docking_status == ship.DockingStatus.UNDOCKED and distance_to_next_friendly_ship > 8 or nearest_enemy_ship.DockingStatus == ship.DockingStatus.UNDOCKED: # logging.info("Initial Harassment Mechanic Active") # command_queue.append( # self.navigate(game_map, round_start_time, ship, ship.closest_point_to(target_planet), speed)) # # First Turn # elif ship != None and ship.id == 2 and target_planet != None: # distance_to_next_friendly_ship = 1000 # for distance in sorted(entities_by_distance): # nearest_team_ship = next((nearest_entity for nearest_entity in entities_by_distance[distance] if isinstance(nearest_entity, hlt.entity.Ship)), None) # if nearest_team_ship != None: # if nearest_enemy_ship in team_ships: # if distance_to_next_friendly_ship > ship.calculate_distance_between(nearest_team_ship): # distance_to_next_friendly_ship = ship.calculate_distance_between(nearest_team_ship) # distance = 1000 # if ship.can_dock(planet): # command_queue.append(ship.dock(target_planet)) # elif ship.docking_status == ship.DockingStatus.UNDOCKED and distance_to_next_friendly_ship > 8 or nearest_enemy_ship.DockingStatus == ship.DockingStatus.UNDOCKED: # logging.info("Initial Harassment Mechanic Active") # command_queue.append( # self.navigate(game_map, round_start_time, ship, ship.closest_point_to(target_planet), speed)) # First Turn if ship != None and ship.id == 0 and len( filtered_entities_by_distance ) < 6 and distance_to_next_enemy_ship < 110: initial_harasser = True if ship.docking_status == ship.DockingStatus.UNDOCKED: logging.info("Initial Harassment Mechanic Active") command_queue.append( self.navigate(game_map, round_start_time, ship, ship.closest_point_to(target_enemy_ship), speed)) elif target_enemy_ship != None and distance_to_next_enemy_ship < 35: if target_enemy_ship.DockingStatus.DOCKED: if ship.docking_status == ship.DockingStatus.UNDOCKED: logging.info( "Attack closeby mining ship Mechanic Active") command_queue.append( self.navigate( game_map, round_start_time, ship, ship.closest_point_to(target_enemy_ship), speed)) elif target_enemy_ship != None and distance_to_next_enemy_ship < 22: logging.info(filtered_entities_by_distance) if ship.docking_status == ship.DockingStatus.UNDOCKED: logging.info("Intercept nearby ship Mechanic Active") command_queue.append( self.navigate(game_map, round_start_time, ship, ship.closest_point_to(target_enemy_ship), speed)) # if navigate_command: # distance_to_next_enemy_ship = 1000 # logging.info("Interceptor Mechanic Active") # command_queue.append(navigate_command) ################################### ### End of Interceptor Mechanic ### ################################### ########################################################## ### Settling Mechanic if there is no enemy ship nearby ### ########################################################## elif is_planet_friendly: # Initial behaviour # if ship.can_dock(planet): # command_queue.append(ship.dock(planet)) if ship.can_dock(planet): if distance_to_next_enemy_ship > 15: logging.info("Settle") command_queue.append(ship.dock(planet)) ################################ ### End of Settling Mechanic ### ################################ else: command_queue.append( self.navigate(game_map, round_start_time, ship, ship.closest_point_to(planet), speed)) else: docked_ships = planet.all_docked_ships() assert len(docked_ships) > 0 weakest_ship = None for s in docked_ships: if weakest_ship is None or weakest_ship.health > s.health: weakest_ship = s command_queue.append( self.navigate(game_map, round_start_time, ship, ship.closest_point_to(weakest_ship), speed)) return command_queue def navigate(self, game_map, start_of_round, ship, destination, speed): """ Send a ship to its destination. Because "navigate" method in Halite API is expensive, we use that method only if we haven't used too much time yet. :param game_map: game map :param start_of_round: time (in seconds) between the Epoch and the start of this round :param ship: ship we want to send :param destination: destination to which we want to send the ship to :param speed: speed with which we would like to send the ship to its destination :return: """ current_time = time.time() have_time = current_time - start_of_round < 1.2 navigate_command = None if have_time: navigate_command = ship.navigate(destination, game_map, speed=speed, max_corrections=180) if navigate_command is None: # ship.navigate may return None if it cannot find a path. In such a case we just thrust. dist = ship.calculate_distance_between(destination) speed = speed if (dist >= speed) else dist navigate_command = ship.thrust( speed, ship.calculate_angle_between(destination)) return navigate_command