Exemple #1
0
 def _get_potential_planner(self, cost_field):
     wdt = get_weighted_distance_transform(cost_field)
     self.dx, self.dy = self.scene.size.array / wdt.shape
     self.potential_field = Field(wdt.shape, Field.Orientation.center,
                                  'potential', (self.dx, self.dy))
     self.potential_field.array = wdt
     self.pot_grad_x = Field(wdt.shape, Field.Orientation.vertical_face,
                             'pot_grad_x', (self.dx, self.dy))
     np.seterr(invalid='ignore')
     self.pot_grad_y = Field(wdt.shape, Field.Orientation.horizontal_face,
                             'pot_grad_y', (self.dx, self.dy))
     self.compute_potential_gradient()
     grad_x_func = self.pot_grad_x.get_interpolation_function()
     grad_y_func = self.pot_grad_y.get_interpolation_function()
     return grad_x_func, grad_y_func
Exemple #2
0
    def prepare(self, params):
        """
        Called before the simulation starts. Fix all parameters and bootstrap functions.

        :return: None
        """
        self.params = params
        prop_dx = self.params.smoke_dx
        prop_dy = self.params.smoke_dy
        nx, ny = (self.scene.size.array / (prop_dx, prop_dy)).astype(int)
        dx, dy = self.scene.size.array / (nx, ny)

        self.obstacles = np.ones((nx + 2, ny + 2), dtype=int)
        self.obstacles[1:-1, 1:-1] = self.scene.get_obstacles(nx, ny)
        self.speed_ref = self.scene.max_speed_array
        self.params.smoke = True
        self.smoke = np.zeros(np.prod(self.obstacles.shape))
        self.smoke_field = Field((nx, ny), Field.Orientation.center, 'smoke',
                                 (dx, dy))
        # Note: This object is monkey patched in the params object.
        self.params.smoke_field = self.smoke_field
        self.sparse_disc_matrix = get_sparse_matrix(self.params.diffusion,
                                                    self.params.velocity_x,
                                                    self.params.velocity_y, dx,
                                                    dy, self.params.dt,
                                                    self.obstacles)
        # Ready for use per time step
        self.source = self._get_source(self.fire, nx + 2,
                                       ny + 2).flatten() * self.params.dt
Exemple #3
0
 def compute_potential_gradient(self):
     """
     Compute a gradient component approximation of the provided field.
     Only computed for face fields.
     Gradient approximation is computed using a central difference scheme
     """
     left_field = self.potential_field.array[:-1, :]
     right_field = Field.get_with_offset(self.potential_field.array, 'right')
     assert self.pot_grad_x.array.shape == left_field.shape
     self.pot_grad_x.update((right_field - left_field) / self.dx)
     self.pot_grad_x.array[np.logical_not(np.isfinite(self.pot_grad_x.array))] = 0
     down_field = self.potential_field.array[:, :-1]
     up_field = Field.get_with_offset(self.potential_field.array, 'up')
     assert self.pot_grad_y.array.shape == up_field.shape
     self.pot_grad_y.update((up_field - down_field) / self.dy)
     self.pot_grad_y.array[np.logical_not(np.isfinite(self.pot_grad_y.array))] = 0
Exemple #4
0
    def __init__(self, scene, show_plot=False):
        """
        Initializes a dynamic planner object. Takes a scene as argument.
        Parameters are initialized in this constructor, still need to be validated.
        :param scene: scene object to impose planner on
        :return: dynamic planner object
        """
        # Initialize depending on scene or on grid_computer?
        self.scene = scene
        self.config = scene.config
        prop_dx = self.config['general'].getfloat('cell_size_x')
        prop_dy = self.config['general'].getfloat('cell_size_y')
        self.grid_dimension = tuple((self.scene.size.array / (prop_dx, prop_dy)).astype(int))
        self.dx, self.dy = self.scene.size.array / self.grid_dimension
        self.show_plot = show_plot

        self.path_length_weight = self.config['dynamic'].getfloat('path_length_weight')
        self.time_weight = self.config['dynamic'].getfloat('time_weight')
        self.discomfort_field_weight = self.config['dynamic'].getfloat('discomfort_weight')

        self.all_cells = {(i, j) for i, j in np.ndindex(self.grid_dimension)}
        self.exit_cell_set = set()
        self.obstacle_cell_set = set()
        self.part_obstacle_cell_dict = dict()  # Immediately store the fractions
        dx, dy = self.dx, self.dy
        shape = self.grid_dimension

        self.potential_field = Field(shape, Field.Orientation.center, 'potential', (dx, dy))
        self.discomfort_field = Field(shape, Field.Orientation.center, 'discomfort', (dx, dy))
        self.obstacle_discomfort_field = np.zeros(shape)
        self.compute_obstacle_discomfort()

        self.pot_grad_x = Field(shape, Field.Orientation.vertical_face, 'pot_grad_x', (dx, dy))
        self.pot_grad_y = Field(shape, Field.Orientation.horizontal_face, 'pot_grad_y', (dx, dy))
        self.grad_x_func = self.grad_y_func = None
        self.unit_field_dict = {}
        for direction in ft.VERTICAL_DIRECTIONS:
            self.unit_field_dict[direction] = Field(shape, Field.Orientation.horizontal_face,
                                                    'Unit field %s' % direction, (dx, dy))

        for direction in ft.HORIZONTAL_DIRECTIONS:
            self.unit_field_dict[direction] = Field(shape, Field.Orientation.vertical_face, 'Unit field %s' % direction,
                                                    (dx, dy))

        if not ft.VERBOSE:
            np.seterr(invalid='ignore')
        self.obtain_potential_field()
Exemple #5
0
 def compute_potential_gradient(self):
     """
     Compute a gradient component approximation of the provided field.
     Only computed for face fields.
     Gradient approximation is computed using a central difference scheme
     """
     left_field = self.potential_field.array[:-1, :]
     right_field = Field.get_with_offset(self.potential_field.array,
                                         'right')
     assert self.pot_grad_x.array.shape == left_field.shape
     self.pot_grad_x.update((right_field - left_field) / self.dx)
     self.pot_grad_x.array[np.logical_not(np.isfinite(
         self.pot_grad_x.array))] = 0
     down_field = self.potential_field.array[:, :-1]
     up_field = Field.get_with_offset(self.potential_field.array, 'up')
     assert self.pot_grad_y.array.shape == up_field.shape
     self.pot_grad_y.update((up_field - down_field) / self.dy)
     self.pot_grad_y.array[np.logical_not(np.isfinite(
         self.pot_grad_y.array))] = 0
 def test_normalize_field_relative(self):
     field = Field((20, 20), Field.Orientation.center, '')
     field.update(np.random.random([20, 20]) * 4)
     rel_field = field.normalized(0, 4)
     assert np.allclose(rel_field, field.array / 4)
 def test_normalize_field_smaller_equal_one(self):
     field = Field((20, 20), Field.Orientation.center, '')
     field.update(np.random.random([20, 20]) * 3 - 1)
     rel_field = field.normalized(0, 1)
     assert np.all(rel_field <= 1)
 def test_normalize_field_non_negative_entries(self):
     field = Field((20, 20), Field.Orientation.center, '')
     field.update(np.random.random([20, 20]) * 3 - 1)
     rel_field = field.normalized(0, 1)
     assert np.all(rel_field >= 0)
Exemple #9
0
class Smoke:
    """
    Class for modelling the propagation of smoke as a function of fire, as well the effects on the pedestrians
    """
    def __init__(self, fire):
        """
        Creates a smoke propagator using the fire in the associated scene.

        :param fire: The source of the smoke.
        """
        self.scene = fire.scene
        self.params = None
        self.fire = fire
        self.obstacles = self.speed_ref = self.smoke = None
        self.smoke_field = self.sparse_disc_matrix = None
        self.source = None

    def prepare(self, params):
        """
        Called before the simulation starts. Fix all parameters and bootstrap functions.

        :return: None
        """
        self.params = params
        prop_dx = self.params.smoke_dx
        prop_dy = self.params.smoke_dy
        nx, ny = (self.scene.size.array / (prop_dx, prop_dy)).astype(int)
        dx, dy = self.scene.size.array / (nx, ny)

        self.obstacles = np.ones((nx + 2, ny + 2), dtype=int)
        self.obstacles[1:-1, 1:-1] = self.scene.get_obstacles(nx, ny)
        self.speed_ref = self.scene.max_speed_array
        self.params.smoke = True
        self.smoke = np.zeros(np.prod(self.obstacles.shape))
        self.smoke_field = Field((nx, ny), Field.Orientation.center, 'smoke',
                                 (dx, dy))
        # Note: This object is monkey patched in the params object.
        self.params.smoke_field = self.smoke_field
        self.sparse_disc_matrix = get_sparse_matrix(self.params.diffusion,
                                                    self.params.velocity_x,
                                                    self.params.velocity_y, dx,
                                                    dy, self.params.dt,
                                                    self.obstacles)
        # Ready for use per time step
        self.source = self._get_source(self.fire, nx + 2,
                                       ny + 2).flatten() * self.params.dt

    def _get_source(self, fire, nx, ny):
        """
        Compute the source function for the fire. Quite inefficient, but not a bottleneck at this stage.

        :param fire: The specific fire of the scene
        :return: Array with intensity of fire in every cell
        """

        source_function = fire.get_fire_intensity(nx, ny)
        return source_function

    def step(self):
        """
        Use a central difference in space, implicit Euler in time scheme for the computing of smoke.

        :return: None
        """
        self.smoke = iterate_jacobi(*self.sparse_disc_matrix,
                                    self.source + self.smoke, self.smoke,
                                    self.obstacles)
        self.smoke_field.update(
            np.reshape(self.smoke, self.obstacles.shape)[1:-1, 1:-1])
Exemple #10
0
class Knowing(Population):
    """
    A potential field transporter that computes the weighted distance transform
    of the scene and uses the steepest gradient to move the pedestrians towards their goal.
    Combine with a macroscopic planner for interaction (repulsion)
    """
    def __init__(self, scene, number):
        """
        Initializes a following behaviour for the given population.

        :param scene: Simulation scene
        :param number: Initial number of people
        :return: Scripted pedestrian group
        """
        super().__init__(scene, number)
        self.fire_aware_indices = []
        self.on_step_functions = []
        self.on_step_functions.append(self.assign_velocities)
        self.dx = self.dy = None
        self.potential_field = None  # Todo: These three do not need to be on class level
        self.pot_grad_x = self.pot_grad_y = None
        self.grad_x_func = self.grad_y_func = None
        self.seen_fire = None
        self.color = 'green'
        # self.potential_field_with_fire = None
        # self.pot_grad_fire_x = self.pot_grad_fire_y = None
        self.grad_x_fire_func = self.grad_y_fire_func = None

    def prepare(self, params):
        """
        Called before the simulation starts. Fix all parameters and bootstrap functions.

        :return: None
        """
        super().prepare(params)
        # I also want one that contains the fire as an obstacle, inserted here
        cost_field = self._add_obstacle_discomfort(
            radius=self.params.obstacle_clearance)
        self.grad_x_func, self.grad_y_func = self._get_potential_planner(
            cost_field)
        if hasattr(self.params, 'fire'):
            fire = self.params.fire.get_fire_intensity(
                *self.scene.env_field.shape)
            fire_threshold = 0.01
            fire[fire > fire_threshold] = np.inf
            fire[fire <= fire_threshold] = 0

            fire_cost_field = self._add_obstacle_discomfort(
                radius=self.params.obstacle_clearance,
                cost_field=(fire + self.scene.env_field))
            self.seen_fire = np.zeros(self.scene.total_pedestrians, dtype=bool)
            self.grad_x_fire_func, self.grad_y_fire_func = self._get_potential_planner(
                fire_cost_field)
            self.on_step_functions.insert(0, self.set_fire_knowledge)
            self.on_step_functions.append(self.assign_post_fire_velocities)
            # Overwrite accessibility: no pedestrians should be initiated in the fire
            self.scene.direction_field = self.potential_field.array
            self._correct_pedestrian_initial_positions()

    def _correct_pedestrian_initial_positions(self):
        """
        Not particularly proud of this hack, but I need a way to get the initialized pedestrians out of any fire zones.
        :return:
        """
        for pedestrian in self.scene.pedestrian_list:
            while not self.scene.is_accessible(pedestrian.position,
                                               at_start=True):
                pedestrian.position = self.scene.size.random_internal_point()

    def _get_potential_planner(self, cost_field):
        wdt = get_weighted_distance_transform(cost_field)
        self.dx, self.dy = self.scene.size.array / wdt.shape
        self.potential_field = Field(wdt.shape, Field.Orientation.center,
                                     'potential', (self.dx, self.dy))
        self.potential_field.array = wdt
        self.pot_grad_x = Field(wdt.shape, Field.Orientation.vertical_face,
                                'pot_grad_x', (self.dx, self.dy))
        np.seterr(invalid='ignore')
        self.pot_grad_y = Field(wdt.shape, Field.Orientation.horizontal_face,
                                'pot_grad_y', (self.dx, self.dy))
        self.compute_potential_gradient()
        grad_x_func = self.pot_grad_x.get_interpolation_function()
        grad_y_func = self.pot_grad_y.get_interpolation_function()
        return grad_x_func, grad_y_func

    def _add_obstacle_discomfort(self, radius, cost_field=None):
        """
        Use a gaussian filter (image blurring) to obtain a layer of discomfort around the obstacles
        The radius specifies how far the discomfort reaches. This radius is related to pedestrian size but can vary
        among different scenarios

        :param radius: SD of gaussian filter. Higher means lower values but longer range.
        :return: An adjusted cost field
        """
        if cost_field is None:
            cost_field = self.scene.env_field.copy()
        new_cost_field = cost_field.copy()
        new_cost_field[new_cost_field == np.inf] = 0
        new_cost_field[cost_field == np.inf] = np.max(new_cost_field) * 3
        new_cost_field = gaussian_filter(new_cost_field, sigma=radius)
        new_cost_field[cost_field == np.inf] = np.inf
        new_cost_field[cost_field == 0] = 0
        return new_cost_field

    def compute_potential_gradient(self):
        """
        Compute a gradient component approximation of the provided field.
        Only computed for face fields.
        Gradient approximation is computed using a central difference scheme
        """
        left_field = self.potential_field.array[:-1, :]
        right_field = Field.get_with_offset(self.potential_field.array,
                                            'right')
        assert self.pot_grad_x.array.shape == left_field.shape
        self.pot_grad_x.update((right_field - left_field) / self.dx)
        self.pot_grad_x.array[np.logical_not(np.isfinite(
            self.pot_grad_x.array))] = 0
        down_field = self.potential_field.array[:, :-1]
        up_field = Field.get_with_offset(self.potential_field.array, 'up')
        assert self.pot_grad_y.array.shape == up_field.shape
        self.pot_grad_y.update((up_field - down_field) / self.dy)
        self.pot_grad_y.array[np.logical_not(np.isfinite(
            self.pot_grad_y.array))] = 0

    def set_fire_knowledge(self):
        fire_thres = 0.001  # Assert that is this low enough so that pedestrians don't get caught in a fire zone
        sees_fire = np.where(
            np.logical_and(
                self.params.fire.get_fire_intensity_at(
                    self.scene.position_array) > fire_thres, self.indices))
        self.seen_fire[sees_fire] = True

    def assign_velocities(self):
        """
        Interpolates the potential gradients for this time step and computes the velocities.
        Afterwards, overwrites the velocities for people who saw the fire
        :return: None
        """  # Todo: Remove chained indexing
        path_dir_x = self.grad_x_func.ev(
            self.scene.position_array[:, 0][self.indices],
            self.scene.position_array[:, 1][self.indices])
        path_dir_y = self.grad_y_func.ev(
            self.scene.position_array[:, 0][self.indices],
            self.scene.position_array[:, 1][self.indices])
        path_dir = np.hstack([path_dir_x[:, None], path_dir_y[:, None]])
        self.scene.velocity_array[
            self.indices] = -self.scene.max_speed_array[:, None][
                self.indices] * path_dir / np.linalg.norm(path_dir + ft.EPS,
                                                          axis=1)[:, None]

    def assign_post_fire_velocities(self):
        """
        Take the routing for the people who know where the fire is.
        :return:
        """
        post_fire_path_x = self.grad_x_fire_func.ev(
            self.scene.position_array[:, 0][self.seen_fire],
            self.scene.position_array[:, 1][self.seen_fire])
        post_fire_path_y = self.grad_y_fire_func.ev(
            self.scene.position_array[:, 0][self.seen_fire],
            self.scene.position_array[:, 1][self.seen_fire])
        post_fire_path = np.hstack(
            [post_fire_path_x[:, None], post_fire_path_y[:, None]])
        self.scene.velocity_array[
            self.seen_fire] = -self.scene.max_speed_array[:, None][
                self.seen_fire] * post_fire_path / np.linalg.norm(
                    post_fire_path + ft.EPS, axis=1)[:, None]

    def step(self):
        """
        Computes the scalar fields (in the correct order) necessary for the dynamic planner.
        If plotting is enabled, updates the plot.
        :return: None
        """
        [step() for step in self.on_step_functions]
Exemple #11
0
class PotentialTransporter:
    """
    This should be a combination planner.
    Same as the dynamic planner, only ignoring the density so the potential field
    is computed once and we use the pressure computer from Narain
    """

    def __init__(self, scene, show_plot=False):
        """
        Initializes a dynamic planner object. Takes a scene as argument.
        Parameters are initialized in this constructor, still need to be validated.
        :param scene: scene object to impose planner on
        :return: dynamic planner object
        """
        # Initialize depending on scene or on grid_computer?
        self.scene = scene
        self.config = scene.config
        prop_dx = self.config['general'].getfloat('cell_size_x')
        prop_dy = self.config['general'].getfloat('cell_size_y')
        self.grid_dimension = tuple((self.scene.size.array / (prop_dx, prop_dy)).astype(int))
        self.dx, self.dy = self.scene.size.array / self.grid_dimension
        self.show_plot = show_plot

        self.path_length_weight = self.config['dynamic'].getfloat('path_length_weight')
        self.time_weight = self.config['dynamic'].getfloat('time_weight')
        self.discomfort_field_weight = self.config['dynamic'].getfloat('discomfort_weight')

        self.all_cells = {(i, j) for i, j in np.ndindex(self.grid_dimension)}
        self.exit_cell_set = set()
        self.obstacle_cell_set = set()
        self.part_obstacle_cell_dict = dict()  # Immediately store the fractions
        dx, dy = self.dx, self.dy
        shape = self.grid_dimension

        self.potential_field = Field(shape, Field.Orientation.center, 'potential', (dx, dy))
        self.discomfort_field = Field(shape, Field.Orientation.center, 'discomfort', (dx, dy))
        self.obstacle_discomfort_field = np.zeros(shape)
        self.compute_obstacle_discomfort()

        self.pot_grad_x = Field(shape, Field.Orientation.vertical_face, 'pot_grad_x', (dx, dy))
        self.pot_grad_y = Field(shape, Field.Orientation.horizontal_face, 'pot_grad_y', (dx, dy))
        self.grad_x_func = self.grad_y_func = None
        self.unit_field_dict = {}
        for direction in ft.VERTICAL_DIRECTIONS:
            self.unit_field_dict[direction] = Field(shape, Field.Orientation.horizontal_face,
                                                    'Unit field %s' % direction, (dx, dy))

        for direction in ft.HORIZONTAL_DIRECTIONS:
            self.unit_field_dict[direction] = Field(shape, Field.Orientation.vertical_face, 'Unit field %s' % direction,
                                                    (dx, dy))

        if not ft.VERBOSE:
            np.seterr(invalid='ignore')
        self.obtain_potential_field()

    def obtain_potential_field(self):
        self._compute_initial_interface()
        for direction in ft.DIRECTIONS:
            self.compute_unit_cost_field(direction)
        self.compute_potential_field()
        self.compute_potential_gradient()
        self.grad_x_func = self.pot_grad_x.get_interpolation_function()
        self.grad_y_func = self.pot_grad_y.get_interpolation_function()

    def _compute_initial_interface(self):
        """
        Compute the initial zero interface; a potential field with zeros on exits
        and infinity elsewhere. Stores inside object.
        This method also validates exits. If no exit is found, the method raises an error.
        :return: None
        """
        self.initial_interface = np.ones(self.grid_dimension) * np.inf
        valid_exits = {goal: False for goal in self.scene.exit_list}
        goals = self.scene.exit_list
        for i, j in np.ndindex(self.grid_dimension):
            cell_center = Point([(i + 0.5) * self.dx, (j + 0.5) * self.dy])
            for goal in goals:
                if cell_center in goal:
                    self.initial_interface[i, j] = 0
                    valid_exits[goal] = True
                    self.exit_cell_set.add((i, j))
            for obstacle in self.scene.obstacle_list:
                if not obstacle.accessible:
                    if cell_center in obstacle:
                        # self.initial_interface[i,j] = np.inf
                        self.obstacle_cell_set.add((i, j))
        if not any(valid_exits.values()):
            raise RuntimeError("No cell centers in exit. Redo the scene")
        if not all(valid_exits.values()):
            ft.warn("%s not properly processed" % "/"
                    .join([repr(goal) for goal in self.scene.exit_list if not valid_exits[goal]]))

    def compute_obstacle_discomfort(self):
        """
        Create a layer of discomfort around obstacles to repel pedestrians from those locations.
        """
        for (i, j) in np.ndindex(self.discomfort_field.array.shape):
            location = np.array([self.discomfort_field.x_range[i], self.discomfort_field.y_range[j]])
            if not self.scene.is_accessible(Point(location)):
                self.obstacle_discomfort_field[i - 1:i + 2, j - 1:j + 2] = 1

    def _exists(self, index, max_index=None):
        """
        Checks whether an index exists within the max_index dimensions
        :param index: 2D index tuple
        :param max_index: max index tuple
        :return: true if lower than tuple, false otherwise
        """
        if not max_index:
            max_index = self.grid_dimension
        return (0 <= index[0] < max_index[0]) and (0 <= index[1] < max_index[1])

    def compute_unit_cost_field(self, direction):
        """
        Compute the unit cost vector field in the provided direction
        Updates the class unit cost scalar field
        :return: None
        """
        alpha = self.path_length_weight
        beta = self.time_weight
        gamma = self.discomfort_field_weight
        f = 1
        g = self.discomfort_field.with_offset(direction)
        self.unit_field_dict[direction].update(alpha + (f + beta + gamma * g) / (f + ft.EPS))

    def compute_potential_field(self):
        """
        Compute the potential field as a function of the unit cost.
        Also computes the gradient of the potential field
        Implemented using the fast marching method

        Potential is initialized with zero on exits, and a fixed high value on inaccessible cells.
        :return:
        """
        opposites = {'left': 'right', 'right': 'left', 'up': 'down', 'down': 'up'}
        # This implementation is allowed to be naive: it's costly and should be implemented in FORTRAN
        # But maybe do a heap structure first?
        potential_field = self.initial_interface.copy()
        known_cells = self.exit_cell_set.copy()
        unknown_cells = self.all_cells - known_cells - self.obstacle_cell_set
        # All the inaccessible cells are not required.

        def get_new_candidate_cells(new_known_cells):  # Todo: Finalize list/set interfacing
            new_candidate_cells = set()
            for cell in new_known_cells:
                for direction in ft.DIRECTIONS.values():
                    nb_cell = (cell[0] + direction[0], cell[1] + direction[1])
                    if self._exists(nb_cell) and nb_cell not in known_cells and nb_cell not in self.obstacle_cell_set:
                        new_candidate_cells.add(nb_cell)
            return new_candidate_cells


        candidate_cells = {cell: compute_potential(cell[0],cell[1], self.grid_dimension[0],self.grid_dimension[1], potential_field,
                                                   self.unit_field_dict['left'].array,self.unit_field_dict['right'].array,
                                                   self.unit_field_dict['up'].array,self.unit_field_dict['down'].array, 999999)
                           for cell in get_new_candidate_cells(known_cells)}

        new_candidate_cells = get_new_candidate_cells(known_cells)
        while unknown_cells:
            for candidate_cell in new_candidate_cells:
                if False:
                    potential = compute_potential(candidate_cell)
                else:
                    potential = compute_potential(candidate_cell[0],candidate_cell[1], self.grid_dimension[0],self.grid_dimension[1], potential_field,
                                                  self.unit_field_dict['left'].array,self.unit_field_dict['right'].array,
                                                  self.unit_field_dict['up'].array,self.unit_field_dict['down'].array, 999999)
                candidate_cells[candidate_cell] = potential
            sorted_candidates = sorted(candidate_cells.items(), key=operator.itemgetter(1))  # Todo: Can we reuse this?
            best_cell = sorted_candidates[0][0]
            min_potential = candidate_cells.pop(best_cell)
            potential_field[best_cell] = min_potential
            unknown_cells.remove(best_cell)
            known_cells.add(best_cell)
            new_candidate_cells = get_new_candidate_cells({best_cell})
        self.potential_field.update(potential_field)

    def compute_potential_gradient(self):
        """
        Compute a gradient component approximation of the provided field.
        Only computed for face fields.
        Gradient approximation is computed using a central difference scheme
        """
        left_field = self.potential_field.array[:-1, :]
        right_field = Field.get_with_offset(self.potential_field.array, 'right')
        assert self.pot_grad_x.array.shape == left_field.shape
        self.pot_grad_x.update((right_field - left_field) / self.dx)
        self.pot_grad_x.array[np.logical_not(np.isfinite(self.pot_grad_x.array))] = 0
        down_field = self.potential_field.array[:, :-1]
        up_field = Field.get_with_offset(self.potential_field.array, 'up')
        assert self.pot_grad_y.array.shape == up_field.shape
        self.pot_grad_y.update((up_field - down_field) / self.dy)
        self.pot_grad_y.array[np.logical_not(np.isfinite(self.pot_grad_y.array))] = 0

    def assign_velocities(self):
        """
        Interpolates the potential gradients for this time step and computes the velocities.
        :return: None
        """

        solved_grad_x = self.grad_x_func.ev(self.scene.position_array[:, 0], self.scene.position_array[:, 1])
        solved_grad_y = self.grad_y_func.ev(self.scene.position_array[:, 0], self.scene.position_array[:, 1])
        solved_grad = np.hstack([solved_grad_x[:, None], solved_grad_y[:, None]])
        self.scene.velocity_array = - self.scene.max_speed_array[:, None] * solved_grad / \
                                    np.linalg.norm(solved_grad + ft.EPS, axis=1)[:, None]

    def step(self):
        """
        Computes the scalar fields (in the correct order) necessary for the dynamic planner.
        If plotting is enables, updates the plot.
        :return: None
        """

        self.scene.move_pedestrians()
        self.scene.correct_for_geometry()

    def nudge_stationary_pedestrians(self):
        stat_ped_array = self.scene.get_stationary_pedestrians()
        num_stat = np.sum(stat_ped_array)
        if num_stat > 0:
            nudge = np.random.random((num_stat, 2)) - 0.5
            correction = self.scene.max_speed_array[stat_ped_array][:, None] * nudge * self.scene.dt
            self.scene.position_array[stat_ped_array] += correction
            self.scene.correct_for_geometry()