US20230131815A1 - Computer-implemented method for predicting multiple future trajectories of moving objects - Google Patents

Computer-implemented method for predicting multiple future trajectories of moving objects Download PDF

Info

Publication number
US20230131815A1
US20230131815A1 US17/928,163 US202117928163A US2023131815A1 US 20230131815 A1 US20230131815 A1 US 20230131815A1 US 202117928163 A US202117928163 A US 202117928163A US 2023131815 A1 US2023131815 A1 US 2023131815A1
Authority
US
United States
Prior art keywords
trajectory
future
encodings
past
trajectories
Prior art date
Legal status (The legal status is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the status listed.)
Pending
Application number
US17/928,163
Inventor
Federico BECATTINI
Francesco Marchetti
Lorenzo SEIDENARI
Alberto DEL BIMBO
Frédéric ABAD
Kévin BUCHICCHIO
Rémy BENDAHAN
Current Assignee (The listed assignees may be inaccurate. Google has not performed a legal analysis and makes no representation or warranty as to the accuracy of the list.)
IMRA Europe SAS
Original Assignee
IMRA Europe SAS
Priority date (The priority date is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the date listed.)
Filing date
Publication date
Application filed by IMRA Europe SAS filed Critical IMRA Europe SAS
Assigned to IMRA EUROPE S.A.S. reassignment IMRA EUROPE S.A.S. ASSIGNMENT OF ASSIGNORS INTEREST (SEE DOCUMENT FOR DETAILS). Assignors: Becattini, Federico, DEL BIMBO, ALBERTO, MARCHETTI, FRANCESCO, Seidenari, Lorenzo, Buchicchio, Kévin, ABAD, Frédéric, Bendahan, Rémy
Publication of US20230131815A1 publication Critical patent/US20230131815A1/en
Pending legal-status Critical Current

Links

Images

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/08Learning methods
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F18/00Pattern recognition
    • G06F18/20Analysing
    • G06F18/24Classification techniques
    • G06F18/241Classification techniques relating to the classification model, e.g. parametric or non-parametric approaches
    • G06F18/2413Classification techniques relating to the classification model, e.g. parametric or non-parametric approaches based on distances to training or reference patterns
    • G06F18/24133Distances to prototypes
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/04Architecture, e.g. interconnection topology
    • G06N3/044Recurrent networks, e.g. Hopfield networks
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/04Architecture, e.g. interconnection topology
    • G06N3/045Combinations of networks
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06TIMAGE DATA PROCESSING OR GENERATION, IN GENERAL
    • G06T7/00Image analysis
    • G06T7/20Analysis of motion
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06TIMAGE DATA PROCESSING OR GENERATION, IN GENERAL
    • G06T9/00Image coding
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06VIMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
    • G06V10/00Arrangements for image or video recognition or understanding
    • G06V10/70Arrangements for image or video recognition or understanding using pattern recognition or machine learning
    • G06V10/82Arrangements for image or video recognition or understanding using pattern recognition or machine learning using neural networks
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06VIMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
    • G06V20/00Scenes; Scene-specific elements
    • G06V20/50Context or environment of the image
    • G06V20/56Context or environment of the image exterior to a vehicle by using sensors mounted on the vehicle
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/06Physical realisation, i.e. hardware implementation of neural networks, neurons or parts of neurons
    • G06N3/063Physical realisation, i.e. hardware implementation of neural networks, neurons or parts of neurons using electronic means
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06TIMAGE DATA PROCESSING OR GENERATION, IN GENERAL
    • G06T2207/00Indexing scheme for image analysis or image enhancement
    • G06T2207/20Special algorithmic details
    • G06T2207/20081Training; Learning
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06TIMAGE DATA PROCESSING OR GENERATION, IN GENERAL
    • G06T2207/00Indexing scheme for image analysis or image enhancement
    • G06T2207/20Special algorithmic details
    • G06T2207/20084Artificial neural networks [ANN]
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06TIMAGE DATA PROCESSING OR GENERATION, IN GENERAL
    • G06T2207/00Indexing scheme for image analysis or image enhancement
    • G06T2207/30Subject of image; Context of image processing
    • G06T2207/30241Trajectory
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06TIMAGE DATA PROCESSING OR GENERATION, IN GENERAL
    • G06T2207/00Indexing scheme for image analysis or image enhancement
    • G06T2207/30Subject of image; Context of image processing
    • G06T2207/30248Vehicle exterior or interior
    • G06T2207/30252Vehicle exterior; Vicinity of vehicle

Definitions

  • the present invention relates to a computer-implemented method for predicting multiple future trajectories of moving objects of interest in a driving environment of an autonomous vehicle (AV) or a vehicle equipped with an advanced driver assistance system (ADAS).
  • AV autonomous vehicle
  • ADAS advanced driver assistance system
  • Such methods are useful especially in the field of assisting human drivers, advanced driver assistance systems or autonomous vehicles using cameras, radar, sensors, and other similar devices to perceive and interpret its surroundings.
  • Multi-modal future means the complete solution of the problem of future prediction i.e. the set of all possible futures does not consist of a unique future but a plurality of futures whose most representative instances are called “future modes”.
  • this is equivalent to say that the future can be modelled by a multi-modal probability distribution (covering the probabilities of occurrence of each individual future) with multiple peaks corresponding to the most probable futures.
  • LSTM long short-term memory
  • An event log is a temporal sequence of events, an ‘event’ being characterized by such features as type of activity, allocated resource and associated time-stamp. From past event logs associated to a process, the system can predict future properties of the process such as the remaining time until process completion or the resources needed for completion. However, such a system cannot be easily adapted to handle data different from process event logs and consequently it cannot be used to predict the future trajectories of moving objects.
  • the present invention aims to address the above-mentioned drawbacks of the different prior arts, and more particularly to propose a reliable method for multimodal trajectory prediction.
  • a first aspect of the invention relates to a computer-implemented method for predicting multiple future trajectories of moving objects of interest in an environment of a monitoring device comprising a memory augmented neural network (MANN) comprising at least one trained encoder deep neural network, one trained decoder deep neural network and a key-value database storing keys corresponding to past trajectory encodings and associated values corresponding to associated future trajectory encodings, the method comprising an inference/prediction mode of the MANN with the steps of: observing an input trajectory for each moving object of interest in the environment of the monitoring device; encoding the input trajectory; using the input trajectory encoding as a key element for the key-value database; retrieving a plurality K of key elements of stored past trajectory encodings corresponding to the K closest samples of the input trajectory encoding; addressing their K associated value elements corresponding to the K associated future trajectory encodings; decoding each of the addressed K associated future trajectory encodings jointly with the input trajectory encoding into K predicted future trajecto
  • Such method proposes a novel architecture for multiple trajectory prediction based on Memory Augmented Neural Networks.
  • This method learns past and future trajectory encodings using recurrent neural networks and exploits an associative external memory (i.e. key-value database) to store and retrieve such encodings.
  • an associative external memory i.e. key-value database
  • Such associative memory is particularly well suited with the task of trajectory prediction because the data is already organized into pairs of past and future sub-trajectories. Moreover, these are not unordered pairs since one component (the future) is a direct consequence of the other (the past). This advantageously fits into a key-value representation.
  • the task of trajectory prediction by definition, has to be performed observing up to a given time step and predicting an unseen future.
  • an associative memory allows the model to relax this assumption, since it can make the unseen future observable or at least it can provide an estimate of what will likely be observed given the current past. This makes the trajectory prediction problem easier to be solved since the prediction part is now conditioned on information about the future.
  • the memory acts as an oracle telling to the model what will happen in the future and the model just needs to generate a plausible trajectory that reflects this. Trajectory prediction is then performed by decoding in-memory future encodings conditioned with the observed past.
  • the observed input trajectory is pre-processed before encoding to normalize it in translation and rotation and wherein stored past and future trajectory encodings are pre-processed in a similar way to the input trajectory before encoding and storing.
  • the environment of the monitoring device is a driving environment and the monitoring device is an autonomous vehicle (AV) or a vehicle equipped with an advanced driver assistance system (ADAS).
  • AV autonomous vehicle
  • ADAS advanced driver assistance system
  • the MANN comprises two trained encoder deep neural networks, the method comprising a training mode prior to the inference mode with the steps of: cutting a dataset of trajectories into pairs of past and future trajectories; preprocessing the past and future trajectories to normalize them in translation and rotation by shifting the present time set (t) in the origin (0,0) of a reference system (X,Y) and rotating each trajectory in order to make it tangent with the Y-axis in the origin; training one encoder deep neural network to map preprocessed past trajectories into past trajectory encodings, and training another encoder deep neural network to map preprocessed future trajectories into future trajectory encodings; and training a decoder deep neural network applied to past and future trajectory encodings to reproduce the future trajectories conditioned by the past trajectory encodings.
  • the two encoder deep neural networks and the decoder deep neural network are trained jointly as an autoencoder deep neural network.
  • Encoders and decoder are jointly trained, but differently from standard autoencoders, only part of the input is reconstructed, i.e. the future. The past has the important role of conditioning the reconstruction so that we can generalize to unseen examples.
  • the MANN further comprises a trained memory controller neural network, the method further comprising during the training mode, the step of training the memory controller neural network to perform writing operations in the key-value database by learning to emit write probabilities depending on the reconstruction errors by means of a training controller loss depending on a time-adaptive miss error rate function.
  • Such method allows the memory growth to be limited by training the memory controller based on the predictive capability of existing encodings.
  • the proposed model writes (i.e. stores) in memory only useful and non-redundant training samples based on the predictive capability of the stored past and future encodings to perform accurate predictions.
  • the method further comprises during the training mode, a step of storing, in the key-value database, past trajectory encodings as key elements and future trajectory encodings as value elements.
  • the method further comprises during the training mode, a step of fine-tuning the decoder deep neural network with past trajectory encodings belonging to training samples and future trajectory encodings coming from values stored in the key-value database.
  • the method comprises a memorization mode performed after the training mode and before the inference mode with the step of storing in the key-value database, past trajectory encodings as key elements and future trajectory encodings as value elements.
  • past and future trajectories are stored in the memory (i.e. key-value database) in an encoded form, separately.
  • this allows to use the encoding of an observed trajectory as a memory key to read an encoded future and decode them jointly to generate a prediction. Therefore, the actual future trajectory coordinates are obtained by decoding a future read from memory, conditioning the decoding with the observed past.
  • the output is not a simple copy of previously seen examples, but is instead a newly generated trajectory obtained both from the system experience (i.e. its memory) and the instance observed so far. By reading multiple futures from memory, diverse meaningful predictions can be obtained.
  • the method further comprises, during the inference mode, an incremental improvement mode (i.e. online learning or online improvement) during which the observed trajectories are cut into past and future trajectory parts, pre-processed in translation and rotation and encoded with their respective encoder deep neural network, the past trajectory part encodings being stored as key elements while their associated future trajectory part encodings being stored as value elements in the key-value database.
  • an incremental improvement mode i.e. online learning or online improvement
  • the model is able to improve incrementally, after it has been trained, when observing new examples online. This trait is important for industrial automotive applications and is currently lacking in other state of the art predictors.
  • the model incrementally creates a knowledge base that is used as experience to perform meaningful predictions. Since the knowledge base is built from trajectory samples and thanks to the non-parametric nature of the memory module, it can also include instances observed while the system is running, after it has been trained. In this way the system gains experience online increasing its accuracy and capability to generalize at no training cost. Such online improvement does not require neural network training.
  • the MANN is a persistent MANN for moving objects of interest trajectory prediction.
  • the rationale behind this approach is that instead of solving simple algorithmic tasks as a Neural Turing Machine, it learns how to create a pool of samples to be used for future trajectory predictions.
  • the predicted future trajectories are refined by integrating knowledge of the environment of the monitoring device using semantic maps.
  • the training of the module in charge of this refinement occurs jointly to the fine-tuning of the decoder only for devices using such refinement.
  • the context can also be taken into account and its physical constraints.
  • the set of trajectory proposals obtained by the MANN is refined by integrating knowledge of the surrounding environment using semantic maps.
  • the key-value database is addressable as individual elements.
  • This model uses a controller network with an external element-wise addressable memory. This is used to store explicit information and access selectively relevant items. This would allow to peak into likely futures to guide predictions.
  • a second aspect of the invention relates to a computer-implemented method for assisting a human operator to operate a monitoring device or for assisting an autonomous monitoring device, the method comprising the steps of: capturing an environment of the monitoring device into a series of data acquisitions from one or several sensors (e.g. camera, radar, LIDAR) mounted on the monitoring device while the device is in operation; extracting an input trajectory for each moving object of interest in the captured environment; supplying said input trajectories to the computer implemented method according to the inference mode of the first aspect; and displaying to the human operator's attention multiple predicted future trajectories of the moving objects of interest, or providing to the autonomous monitoring device, said multiple predicted future trajectories of the moving objects of interest for further decision taking or action making.
  • sensors e.g. camera, radar, LIDAR
  • FIG. 1 represents an overview of a multimodal trajectory prediction showing multiple future predictions given an observed past relying on a Memory Augmented Neural Network according to the present disclosure
  • FIG. 2 represents the training mode where past and future trajectories are encoded separately and a decoder reconstructs the future trajectory from the future trajectory encoding conditioned by the past trajectory encoding;
  • FIG. 3 represents the pre-processing step to separate past and future trajectories according to a preferred mode of the disclosure
  • FIG. 4 represents the overall system architecture during the inference mode according to a first method
  • FIG. 5 represents the overall system architecture during the inference mode according to a second method using the surrounding context
  • FIG. 6 shows an illustration of the time-adaptive distance threshold used inside a time-adaptive miss rate error function in use during the training of the memory controller.
  • Moving object dynamics give rise to a set of diversely likely outcomes for an external observer. While humans can address this task by implicit learning, i.e. exploiting procedural memory (knowing how to do things) from similar scenarios of previous experience, without explicit and conscious awareness, for machines this task has proven to be extremely hard.
  • MANTRA memory augmented neural trajectory predictor
  • MANN persistent Memory Augmented Neural Network
  • an external associative memory memory network or key-value database
  • the model incrementally creates a knowledge base that is used as experience to perform meaningful predictions. This mimics the way in which implicit human memory works. Since the knowledge base is built from trajectory samples, it can also include instances observed while the system is running, after it has been trained. In this way the system gains experience online increasing its accuracy and capability to generalize at no training cost.
  • the method of this disclosure can operate in three different operating modes, whether it is operating in (1) its training mode, (2) its memorization mode or (3) its inference mode.
  • FIG. 2 represents the training mode where past and future trajectories are encoded separately and a decoder reconstructs future trajectory from the future trajectory encoding conditioned by the past trajectory encoding.
  • the training mode can be decomposed into 3 different training stages.
  • the controller loss c is computed from the time-adaptive miss rate error function e as follows:
  • P(w) is the write probability associated to a piece of information to be stored in the external memory.
  • the memory controller is trained to emit a write probability P(w) which is low when the error e is small and high when the error e is large.
  • the controller If the model exhibits a large prediction error, the controller emits a high write probability P(w), which makes it write the current sample with its ground truth future encoding in memory. When this happens, it indicates that the memory lacks samples to accurately reconstruct the future. Hence, by writing the sample in memory, the model will improve its prediction capabilities.
  • an iterative refinement module we jointly train this iterative refinement module and fine-tune the decoder during this last training stage. As explained above, we feed the decoder with past trajectory encodings coming from the training set and future trajectory encodings coming from the memory. Meanwhile, the iterative refinement module is trained using an already existing training method as for example the one presented in the DESIRE article.
  • each trajectory is normalized in translation and rotation by shifting the present in the origin (0,0) of a reference frame (X,Y) and rotating the trajectory in order to make it tangent with the Y-axis in the origin. In this way all futures start from (0, 0) in an upward direction. This is shown in FIG. 3 .
  • the external memory is filled with known trajectories of moving objects.
  • the trajectories are normalized in translation and rotation as explained above, then cut into past and future parts, the past parts are transformed by their dedicated encoder into feature representations which are stored as ‘key’ elements in the memory while their associated future parts are transformed by their dedicated encoder into separate feature representations and stored as ‘value’ elements in the memory. This is done once (one epoch) for all data present in the training dataset.
  • the invention can operate in this mode while it is operating in inference mode: this is then called incremental online learning or incremental improvement mode and the stored data are not coming from a training dataset but obtained online from the observed trajectories.
  • Stored data are preferably past and future trajectory encodings obtained after pre-processing (with translation and rotation normalization) of the observed data.
  • FIG. 4 represents the MANTRA architecture during the inference mode according to a first method.
  • the encoding (A) of an observed past trajectory is used as key to read likely future encodings from memory (B).
  • a multimodal prediction is obtained by decoding each future encoding conditioned by the observed past (C).
  • the inference mode is decomposed into 3 different stages, as it is illustrated in the following FIG. 4 .
  • the observed input trajectory is considered as a ‘past’ trajectory and consequently transformed into an encoding by the past encoder.
  • the input trajectory encoding is used as a key to retrieve meaningful samples from the external memory: similarity scores between the input trajectory encoding and all the memorized past trajectory encodings are computed and the top-K closest memorized past encodings are selected and used as keys to address their associated K memorized future trajectory encodings.
  • each one of these K future trajectory encodings is associated with the input trajectory encoding and transformed into K different new future trajectories by the decoder.
  • These decoded future trajectories are different from the memorized ones because the decoder has taken into account the new input trajectory.
  • the future encodings of the top-K elements ⁇ j are separately combined with the encoding of the observed past ⁇ k .
  • ⁇ k is fixed while ⁇ j varies depending on the sample read from memory.
  • Future encodings ⁇ j act as an oracle which suggests possible outcomes based on the past observation. This strategy allows the model to look ahead into likely futures in order to predict the correct one. Since multiple ⁇ j can be used independently, we can decode multiple futures and obtain a multimodal prediction in case of uncertainty (e.g. a bifurcation in the road).
  • FIG. 5 represents the MANTRA architecture during the inference mode according to a second method using the surrounding context.
  • the encoding of an observed past trajectory is used as key to read likely future encodings from memory.
  • a multimodal prediction is obtained by decoding each future encoding, conditioned by the observed past.
  • the surrounding context is processed by a CNN and fed to the Refinement Module to adjust predictions.
  • This second inference mode operates similarly to the first inference mode except that it further takes into account the context.
  • ⁇ circumflex over (x) ⁇ F is the predicted future trajectory
  • x P is the observed trajectory (or past)
  • c is a representation of the context (e.g. roads, sidewalks).
  • the model integrates an iterative refinement module. It can be performed using an already existing method as for example the one presented in the DESIRE article.
  • we refine predictions with an iterative procedure We adopt a feature pooling strategy: first, a CNN extracts a feature map ⁇ k from the context c; then, predictions are overlapped with the feature map and, for each time step coordinates, we extract the correspondent feature values (one per channel); finally, the resulting vector is fed to a Gate Recurrent Unit (GRU) and a fully connected layer that output trajectory offsets.
  • GRU Gate Recurrent Unit

Landscapes

  • Engineering & Computer Science (AREA)
  • Theoretical Computer Science (AREA)
  • Physics & Mathematics (AREA)
  • General Physics & Mathematics (AREA)
  • Evolutionary Computation (AREA)
  • Multimedia (AREA)
  • Artificial Intelligence (AREA)
  • Data Mining & Analysis (AREA)
  • Computing Systems (AREA)
  • Software Systems (AREA)
  • General Health & Medical Sciences (AREA)
  • Health & Medical Sciences (AREA)
  • Life Sciences & Earth Sciences (AREA)
  • General Engineering & Computer Science (AREA)
  • Computer Vision & Pattern Recognition (AREA)
  • Mathematical Physics (AREA)
  • Biomedical Technology (AREA)
  • Molecular Biology (AREA)
  • Computational Linguistics (AREA)
  • Biophysics (AREA)
  • Databases & Information Systems (AREA)
  • Medical Informatics (AREA)
  • Evolutionary Biology (AREA)
  • Bioinformatics & Computational Biology (AREA)
  • Bioinformatics & Cheminformatics (AREA)
  • Management, Administration, Business Operations System, And Electronic Commerce (AREA)
  • Traffic Control Systems (AREA)

Abstract

A computer-implemented method for predicting multiple future trajectories of moving objects of interest in the environment of a monitoring device comprising a memory augmented neural network (MANN) comprising at least one trained encoder deep neural network, one trained decoder deep neural network and a key-value database storing keys corresponding to past trajectory encodings and associated values corresponding to associated future trajectory encodings.

Description

    FIELD OF THE INVENTION
  • The present invention relates to a computer-implemented method for predicting multiple future trajectories of moving objects of interest in a driving environment of an autonomous vehicle (AV) or a vehicle equipped with an advanced driver assistance system (ADAS).
  • Such methods are useful especially in the field of assisting human drivers, advanced driver assistance systems or autonomous vehicles using cameras, radar, sensors, and other similar devices to perceive and interpret its surroundings.
  • BACKGROUND OF THE INVENTION
  • Autonomous vehicles are expected to drive in complex scenarios with several independent non cooperating agents. Path planning for safely navigating in such environments can not just rely on perceiving present location and motion of other agents. It requires instead to predict such variables in a far enough future.
  • In recent years a lot of effort has been made to imitate human skill and to develop autonomous vehicles that are able to safely drive among other agents, either autonomous or driven by humans. Whereas remarkable progress has been made for automotive, current approaches still lack the ability to explicitly remember specific instances from experience when trying to infer possible future states of surrounding agents. This is particularly important for predicting future locations of moving agents, so to take appropriate decisions and avoid collisions or potentially dangerous situations. Predicting future trajectories of such agents is intrinsically multimodal.
  • Multi-modal future means the complete solution of the problem of future prediction i.e. the set of all possible futures does not consist of a unique future but a plurality of futures whose most representative instances are called “future modes”. Interpreted in a probabilistic framework, this is equivalent to say that the future can be modelled by a multi-modal probability distribution (covering the probabilities of occurrence of each individual future) with multiple peaks corresponding to the most probable futures.
  • Such task has proven to be extremely hard for machines. Common machine learning models, such as Recurrent Neural Networks, fail to address it. They are capable to store past information into an internal state, updated at every time step, and make predictions based on long term patterns. But in such networks, memory is a single hidden representation and is only addressable as a whole. State to state transition is unstructured and global thus making memory inspection and focused prediction difficult.
  • In the publication entitled “Key-Value Memory Networks for Directly Reading Documents” (https://arxiv.org/abs/1606.03126), the presented work tackles the task of Question Answering by directly reading documents instead of using Knowledge Bases. It achieves its goal by proposing a Key-Value Memory Network, which first stores facts in a key-value structured memory before reasoning on them in order to predict the answer. Such a system is a way to perform data memorization but this memorization remains episodic (the memory must be erased for each new document and questions), which makes the system unsuitable for online improvement. Moreover, because this system only needs to store one document at a time and memory size is not an issue for its implementation, there is no specific writing procedure able to optimize the stored information. And finally, such a system is designed for Question Answering and cannot be directly used for other purposes such as future trajectory prediction.
  • In the publication entitled “DESIRE: Distant Future Prediction in Dynamic Scenes with Interacting Agents (https://arxiv.org/abs/1704.04394), the presented work uses a Variational Autoencoder for estimating a distribution from which future trajectories can be sampled. A large number of predictions is needed to cover all the search space and an additional procedure of Inverse Optimal Control is necessary to extract a final ranked subset of multiple trajectories. This is a complex system with an architecture made of many modules needing to be trained with a complex training procedure. This double complexity can make it difficult to deploy. Additionally, it is not adapted to online improvement as it needs to be fully retrained offline in case of new data arrival.
  • In the publication US2020082248, the disclosure is making use of a bi-directional long short-term memory (LSTM) network to predict future trajectories of moving objects. There are several problems with LSTMs. They encode in a single hidden state vector all the temporal information, which make difficult to address individual elements of knowledge, they also have limited ability to store very long term dependencies, and they need to be retrained offline to accommodate new data, hence being not suitable for online improvement. Moreover, such LSTM networks usually provide a unique average future which does not respect the intrinsic multi-modality of future prediction (multiple futures can emerge from a given unique past).
  • In the publication entitled “Forecasting Future Action Sequences with Neural Memory Networks (https://arxiv.org/abs/1909.09278), the presented work aims at predicting the future sequence of actions (as action labels, or classes) given an observed frame sequence and the corresponding observed action label sequence. This approach is efficient for predicting the label of the future actions, but it is not adapted to predict the future trajectories of the moving actors: it is adapted to provide outputs in the discrete label space but not in the continuous trajectory space.
  • In the publication entitled “Memory-Augmented Neural Networks for Predictive Process Analytics” (https://arxiv.org/abs/1802.00938), the presented work aims at handling event logs generated by the execution of business processes. An event log is a temporal sequence of events, an ‘event’ being characterized by such features as type of activity, allocated resource and associated time-stamp. From past event logs associated to a process, the system can predict future properties of the process such as the remaining time until process completion or the resources needed for completion. However, such a system cannot be easily adapted to handle data different from process event logs and consequently it cannot be used to predict the future trajectories of moving objects.
  • In the publication entitled “INFER: INtermediate representations for FuturE pRediction” (https://arxiv.org/abs/1903.10641), the presented work exploits a fully convolutional model that takes into account intermediate semantic representations and generates multimodal heatmaps of possible future locations, then looking for peaks of the distribution. This system can predict multiple future trajectories but with a precision limited by the dimensions of the cell of the grid underlying the computed heatmaps. Moreover, this system is not adapted to online refinement as the addition of new data requires an offline re-training of the full system.
  • SUMMARY OF THE INVENTION
  • The present invention aims to address the above-mentioned drawbacks of the different prior arts, and more particularly to propose a reliable method for multimodal trajectory prediction.
  • A first aspect of the invention relates to a computer-implemented method for predicting multiple future trajectories of moving objects of interest in an environment of a monitoring device comprising a memory augmented neural network (MANN) comprising at least one trained encoder deep neural network, one trained decoder deep neural network and a key-value database storing keys corresponding to past trajectory encodings and associated values corresponding to associated future trajectory encodings, the method comprising an inference/prediction mode of the MANN with the steps of: observing an input trajectory for each moving object of interest in the environment of the monitoring device; encoding the input trajectory; using the input trajectory encoding as a key element for the key-value database; retrieving a plurality K of key elements of stored past trajectory encodings corresponding to the K closest samples of the input trajectory encoding; addressing their K associated value elements corresponding to the K associated future trajectory encodings; decoding each of the addressed K associated future trajectory encodings jointly with the input trajectory encoding into K predicted future trajectories; and outputting the K predicted future trajectories of the moving objects of interest for further processing by the monitoring device.
  • Such method proposes a novel architecture for multiple trajectory prediction based on Memory Augmented Neural Networks. This method learns past and future trajectory encodings using recurrent neural networks and exploits an associative external memory (i.e. key-value database) to store and retrieve such encodings. Such associative memory is particularly well suited with the task of trajectory prediction because the data is already organized into pairs of past and future sub-trajectories. Moreover, these are not unordered pairs since one component (the future) is a direct consequence of the other (the past). This advantageously fits into a key-value representation. The task of trajectory prediction, by definition, has to be performed observing up to a given time step and predicting an unseen future. The usage of an associative memory allows the model to relax this assumption, since it can make the unseen future observable or at least it can provide an estimate of what will likely be observed given the current past. This makes the trajectory prediction problem easier to be solved since the prediction part is now conditioned on information about the future. In a sense, the memory acts as an oracle telling to the model what will happen in the future and the model just needs to generate a plausible trajectory that reflects this. Trajectory prediction is then performed by decoding in-memory future encodings conditioned with the observed past. In this manner, if we get from the memory K multiple memorized past encodings close to the observed past encoding, and provide their associated future encodings along with the observed past encoding to our decoding system, then we have a way to predict K multiple futures corresponding to the same observed past, hence a multimodal future prediction. Our usage of MANN leverages the disjoint representation to create multiple outputs from a single input, leading to a fully multimodal predictive capability of the overall system. Further exploiting an encoder-decoder pipeline augmented with an associative memory, is easier to inspect and provides naturally multimodal predictions, obtaining state-of-the-art results on traffic datasets. Another advantage of using an associative memory for generating future predictions is that the model is also capable of remembering rare events. Although the most likely outcomes must be taken into account, unexpected events are what lead to the most dangerous situations.
  • According to an advantageous embodiment, the observed input trajectory is pre-processed before encoding to normalize it in translation and rotation and wherein stored past and future trajectory encodings are pre-processed in a similar way to the input trajectory before encoding and storing.
  • By doing so it achieves translation and rotation invariance, which is important because it yields to much more compact memories while lowering the error significantly.
  • According to an advantageous embodiment, the environment of the monitoring device is a driving environment and the monitoring device is an autonomous vehicle (AV) or a vehicle equipped with an advanced driver assistance system (ADAS).
  • Using this approach in the field of AV or vehicle equipped with ADAS is particularly appropriate as it offers dynamic predictions not only based on the training of the networks but also on the stored key and value data in the database.
  • According to an advantageous embodiment, the MANN comprises two trained encoder deep neural networks, the method comprising a training mode prior to the inference mode with the steps of: cutting a dataset of trajectories into pairs of past and future trajectories; preprocessing the past and future trajectories to normalize them in translation and rotation by shifting the present time set (t) in the origin (0,0) of a reference system (X,Y) and rotating each trajectory in order to make it tangent with the Y-axis in the origin; training one encoder deep neural network to map preprocessed past trajectories into past trajectory encodings, and training another encoder deep neural network to map preprocessed future trajectories into future trajectory encodings; and training a decoder deep neural network applied to past and future trajectory encodings to reproduce the future trajectories conditioned by the past trajectory encodings.
  • The motivation behind using two different encoders is to be found in how the data is preprocessed. In a reference system (X,Y) where the present coordinate is centered in (0,0) and the Y-axis follows the heading of the vehicle in the present, the past trajectories will always approach (0,0) from below in the half-plane with negative Y coordinates. Similarly, future trajectories will all spawn from (0,0) in an upward direction. By doing so it achieves translation and rotation invariance, which is important because it yields to much more compact memories while lowering the error significantly. Further, the distributions of past and future data are therefore very different and better dealt with two separate encoders so as to let the model learn representations that are the most suitable for the task.
  • According to an advantageous embodiment, during the training mode, the two encoder deep neural networks and the decoder deep neural network are trained jointly as an autoencoder deep neural network.
  • Encoders and decoder are jointly trained, but differently from standard autoencoders, only part of the input is reconstructed, i.e. the future. The past has the important role of conditioning the reconstruction so that we can generalize to unseen examples.
  • According to an advantageous embodiment, the MANN further comprises a trained memory controller neural network, the method further comprising during the training mode, the step of training the memory controller neural network to perform writing operations in the key-value database by learning to emit write probabilities depending on the reconstruction errors by means of a training controller loss depending on a time-adaptive miss error rate function.
  • Such method allows the memory growth to be limited by training the memory controller based on the predictive capability of existing encodings. The proposed model writes (i.e. stores) in memory only useful and non-redundant training samples based on the predictive capability of the stored past and future encodings to perform accurate predictions.
  • According to an advantageous embodiment, the method further comprises during the training mode, a step of storing, in the key-value database, past trajectory encodings as key elements and future trajectory encodings as value elements.
  • When a rare event is observed at training time, this will be added to memory since the model will not be able to predict it well enough. The model will then retain in memory these rare events that can be successively read at test time. This is especially true in a multimodal prediction setting in which predictions should not just minimize some error with respect to a single trajectory but offer coverage of multiple possible paths any moving object may take.
  • According to an advantageous embodiment, the method further comprises during the training mode, a step of fine-tuning the decoder deep neural network with past trajectory encodings belonging to training samples and future trajectory encodings coming from values stored in the key-value database.
  • According to an advantageous embodiment, the method comprises a memorization mode performed after the training mode and before the inference mode with the step of storing in the key-value database, past trajectory encodings as key elements and future trajectory encodings as value elements.
  • To memorize samples, past and future trajectories are stored in the memory (i.e. key-value database) in an encoded form, separately. In fact, this allows to use the encoding of an observed trajectory as a memory key to read an encoded future and decode them jointly to generate a prediction. Therefore, the actual future trajectory coordinates are obtained by decoding a future read from memory, conditioning the decoding with the observed past. In this way, the output is not a simple copy of previously seen examples, but is instead a newly generated trajectory obtained both from the system experience (i.e. its memory) and the instance observed so far. By reading multiple futures from memory, diverse meaningful predictions can be obtained.
  • According to an advantageous embodiment, the method further comprises, during the inference mode, an incremental improvement mode (i.e. online learning or online improvement) during which the observed trajectories are cut into past and future trajectory parts, pre-processed in translation and rotation and encoded with their respective encoder deep neural network, the past trajectory part encodings being stored as key elements while their associated future trajectory part encodings being stored as value elements in the key-value database.
  • Such model is able to improve incrementally, after it has been trained, when observing new examples online. This trait is important for industrial automotive applications and is currently lacking in other state of the art predictors. The model incrementally creates a knowledge base that is used as experience to perform meaningful predictions. Since the knowledge base is built from trajectory samples and thanks to the non-parametric nature of the memory module, it can also include instances observed while the system is running, after it has been trained. In this way the system gains experience online increasing its accuracy and capability to generalize at no training cost. Such online improvement does not require neural network training.
  • According to an advantageous embodiment, the MANN is a persistent MANN for moving objects of interest trajectory prediction.
  • A MANN that is not episodic (also enabling online improvement or online learning) acts like a persistent memory which stores an experience of relevant data to perform accurate predictions for any observation and not just for a restricted episode or set of samples. The rationale behind this approach is that instead of solving simple algorithmic tasks as a Neural Turing Machine, it learns how to create a pool of samples to be used for future trajectory predictions.
  • According to an advantageous embodiment, the predicted future trajectories are refined by integrating knowledge of the environment of the monitoring device using semantic maps. The training of the module in charge of this refinement occurs jointly to the fine-tuning of the decoder only for devices using such refinement.
  • In order to improve predictions, the context can also be taken into account and its physical constraints. According to this, the set of trajectory proposals obtained by the MANN is refined by integrating knowledge of the surrounding environment using semantic maps.
  • According to an advantageous embodiment, the key-value database is addressable as individual elements.
  • This model uses a controller network with an external element-wise addressable memory. This is used to store explicit information and access selectively relevant items. This would allow to peak into likely futures to guide predictions.
  • A second aspect of the invention relates to a computer-implemented method for assisting a human operator to operate a monitoring device or for assisting an autonomous monitoring device, the method comprising the steps of: capturing an environment of the monitoring device into a series of data acquisitions from one or several sensors (e.g. camera, radar, LIDAR) mounted on the monitoring device while the device is in operation; extracting an input trajectory for each moving object of interest in the captured environment; supplying said input trajectories to the computer implemented method according to the inference mode of the first aspect; and displaying to the human operator's attention multiple predicted future trajectories of the moving objects of interest, or providing to the autonomous monitoring device, said multiple predicted future trajectories of the moving objects of interest for further decision taking or action making.
  • BRIEF DESCRIPTION OF THE DRAWINGS
  • Other features and advantages of the present invention will appear more clearly from the following detailed description of particular non-limitative examples of the disclosure, illustrated by the appended drawings where:
  • FIG. 1 represents an overview of a multimodal trajectory prediction showing multiple future predictions given an observed past relying on a Memory Augmented Neural Network according to the present disclosure;
  • FIG. 2 represents the training mode where past and future trajectories are encoded separately and a decoder reconstructs the future trajectory from the future trajectory encoding conditioned by the past trajectory encoding;
  • FIG. 3 represents the pre-processing step to separate past and future trajectories according to a preferred mode of the disclosure;
  • FIG. 4 represents the overall system architecture during the inference mode according to a first method;
  • FIG. 5 represents the overall system architecture during the inference mode according to a second method using the surrounding context;
  • FIG. 6 shows an illustration of the time-adaptive distance threshold used inside a time-adaptive miss rate error function in use during the training of the memory controller.
  • DETAILED DESCRIPTION OF THE INVENTION
  • Before describing in more details, the different modes to carry out some preferred modes of the present disclosure, a general overview of a multimodal trajectory prediction showing multiple future predictions given an observed past relying on a Memory Augmented Neural Network will be presented hereafter in relation with FIG. 1 .
  • Predicting future trajectories of moving objects is intrinsically multimodal: moving object dynamics give rise to a set of diversely likely outcomes for an external observer. While humans can address this task by implicit learning, i.e. exploiting procedural memory (knowing how to do things) from similar scenarios of previous experience, without explicit and conscious awareness, for machines this task has proven to be extremely hard.
  • In this disclosure, we are presenting a memory augmented neural trajectory predictor (MANTRA). MANTRA is an approach implementing a persistent Memory Augmented Neural Network (MANN) for moving object trajectory prediction. In the disclosed preferred model, an external associative memory (memory network or key-value database) is trained to write pairs of past and future trajectories and keep in memory only the most meaningful and non-redundant samples. The model incrementally creates a knowledge base that is used as experience to perform meaningful predictions. This mimics the way in which implicit human memory works. Since the knowledge base is built from trajectory samples, it can also include instances observed while the system is running, after it has been trained. In this way the system gains experience online increasing its accuracy and capability to generalize at no training cost.
  • To memorize samples, past and future trajectories are stored in the memory in an encoded form, separately. In fact, this permits to use the encoding of an observed trajectory as a memory key to read an encoded future and decode them jointly to generate a prediction. Therefore, the actual future trajectory coordinates are obtained decoding a future read from memory, conditioning it with the observed past (blue line on the top left image of FIG. 1 ). In this way, the output is not a simple copy of previously seen examples, but is instead a newly generated trajectory obtained both from the system experience (i.e. its memory) and the instance observed so far. By reading multiple futures from memory, diverse meaningful predictions can be obtained (bundle of colored lines starting from the blue line on the top right image in FIG. 1 ). The bottom stripe image shows the overall scenario where the model receives as input the past trajectory of a cyclist and deduce the multiple future trajectories this cyclist may take at the crossroad.
  • As it will be explained now, the method of this disclosure can operate in three different operating modes, whether it is operating in (1) its training mode, (2) its memorization mode or (3) its inference mode.
  • Training Mode
  • FIG. 2 represents the training mode where past and future trajectories are encoded separately and a decoder reconstructs future trajectory from the future trajectory encoding conditioned by the past trajectory encoding. The training mode can be decomposed into 3 different training stages.
  • There is a first stage of ‘Feature Representation Learning’ during which the encoding-decoding functions, namely the two different encoders and the unique decoder are trained jointly as an autoencoder as illustrated in FIG. 2 . The encoders learn to map past and future trajectories into two separate meaningful representations and the decoder learns to reproduce the future. Instead of using just the future as input, we condition the reconstruction process also with an encoding of the past. This is useful for two aspects. First, we are able to train two different encoders for past and future. The two encoders are used to obtain separate representations for both keys (past) and values (future) in memory. Second, we obtain reconstructions of the future that is compatible with the past. This is of crucial importance for prediction since at inference time we synthesize trajectory encodings by combining past and future parts taken from different examples. This also allows to generate trajectories that differ from the ones in memory and are not just a simple copy of already observed samples.
  • Next, there is a second stage of ‘Memory Controller Learning’ inside which the controller in charge of storing information in the external memory is trained to store only what is useful to predict accurately the future trajectories, limiting memory redundancy. This is made possible thanks to the usage of a particular training loss
    Figure US20230131815A1-20230427-P00001
    c, the controller loss, based on a time-adaptive miss rate error function e (with a distance threshold depending on the time step):
  • e = 1 - 1 N i = 1 N i ( x ^ F , x P )
  • where
    Figure US20230131815A1-20230427-P00002
    i({circumflex over (x)}F, xP)=1 is an indicator function equal to 1 if the i-th point of the prediction {circumflex over (x)}F lays within a threshold th from the ground truth and 0 otherwise. We use a different threshold for each time step, allowing a given uncertainty for the farthest point and linearly decreasing towards 0. This is shown in FIG. 6 .
  • The controller loss
    Figure US20230131815A1-20230427-P00001
    c is computed from the time-adaptive miss rate error function e as follows:

  • Figure US20230131815A1-20230427-P00001
    c =e·(1−P(w))+(1−eP(w)
  • where P(w) is the write probability associated to a piece of information to be stored in the external memory.
  • By minimizing the controller loss
    Figure US20230131815A1-20230427-P00001
    c at training time, the memory controller is trained to emit a write probability P(w) which is low when the error e is small and high when the error e is large.
  • If the model exhibits a large prediction error, the controller emits a high write probability P(w), which makes it write the current sample with its ground truth future encoding in memory. When this happens, it indicates that the memory lacks samples to accurately reconstruct the future. Hence, by writing the sample in memory, the model will improve its prediction capabilities.
  • Finally, there is a third and last training stage during which we fine-tune the decoder in order to adapt it to past-future pairs that do not belong to the same sample. This stage comes after the memory has been filled with past and future trajectory encodings (see memorization mode). In this third stage, we feed the decoder with past trajectory encodings coming from the training set and future trajectory encodings coming from the memory.
  • In case an iterative refinement module is used, we jointly train this iterative refinement module and fine-tune the decoder during this last training stage. As explained above, we feed the decoder with past trajectory encodings coming from the training set and future trajectory encodings coming from the memory. Meanwhile, the iterative refinement module is trained using an already existing training method as for example the one presented in the DESIRE article.
  • In a preferred mode, we train our model to observe a few seconds trajectories (for example 2 seconds) and predict a few seconds in the future (for example 4 seconds). To achieve translation and rotation invariance, each trajectory is normalized in translation and rotation by shifting the present in the origin (0,0) of a reference frame (X,Y) and rotating the trajectory in order to make it tangent with the Y-axis in the origin. In this way all futures start from (0, 0) in an upward direction. This is shown in FIG. 3 .
  • Memorization Mode
  • The external memory is filled with known trajectories of moving objects. Before being stored, the trajectories are normalized in translation and rotation as explained above, then cut into past and future parts, the past parts are transformed by their dedicated encoder into feature representations which are stored as ‘key’ elements in the memory while their associated future parts are transformed by their dedicated encoder into separate feature representations and stored as ‘value’ elements in the memory. This is done once (one epoch) for all data present in the training dataset. The invention can operate in this mode while it is operating in inference mode: this is then called incremental online learning or incremental improvement mode and the stored data are not coming from a training dataset but obtained online from the observed trajectories. Stored data are preferably past and future trajectory encodings obtained after pre-processing (with translation and rotation normalization) of the observed data.
  • Inference Mode 1—without Context
  • FIG. 4 represents the MANTRA architecture during the inference mode according to a first method. The encoding (A) of an observed past trajectory is used as key to read likely future encodings from memory (B). A multimodal prediction is obtained by decoding each future encoding conditioned by the observed past (C).
  • At inference time, when an input trajectory is observed and we want to predict its multiple possible futures, the inference mode is decomposed into 3 different stages, as it is illustrated in the following FIG. 4 .
  • First at stage A, the observed input trajectory is considered as a ‘past’ trajectory and consequently transformed into an encoding by the past encoder.
  • Second at stage B, the input trajectory encoding is used as a key to retrieve meaningful samples from the external memory: similarity scores between the input trajectory encoding and all the memorized past trajectory encodings are computed and the top-K closest memorized past encodings are selected and used as keys to address their associated K memorized future trajectory encodings.
  • Third at stage C, each one of these K future trajectory encodings is associated with the input trajectory encoding and transformed into K different new future trajectories by the decoder. These decoded future trajectories are different from the memorized ones because the decoder has taken into account the new input trajectory.
  • More specifically and according to the developed model of MANTRA architecture as shown in FIG. 4 , we formulate the task of moving object trajectory prediction as the problem of estimating P({circumflex over (x)}F|xP) where {circumflex over (x)}F is the predicted future trajectory and xP is the observed trajectory (or past). We consider moving object trajectories as a sequence of 2-dimensional spatial coordinates. The past {circumflex over (x)}F is given by its positions observed up to some reference point identified as present. Similarly, the future xF is the sequence of positions in which it will find itself at the next time steps.
  • For the memory based trajectory prediction, given a sample trajectory xi=[xP i, xF i], let πi=Π(xP i) and ϕi=Φ(xF i) be two encoding functions that map the 2D coordinates of past and future trajectories into two separate latent representations. Similarly, let Ψ(πi, ϕi) be a function that decodes a pair of past-future encodings into the coordinates of the future sub-trajectory xF i, as shown in FIG. 4 .
  • We define M={πi, ϕi} as an associative key-value memory containing |M| pairs of past-future encodings. When a new trajectory xP k is observed, its encoding πk is used as key to retrieve meaningful samples from memory. Note that observed trajectories are all considered to be past trajectories, since the future counterpart is yet to be observed and is what we want to predict. The memory addressing mechanism is implemented as a cosine distance between past encodings, which produces similarity scores {si} over all memory locations:
  • s i = π k π i π k π i i = 0 , , "\[LeftBracketingBar]" M "\[RightBracketingBar]" ( 1 )
  • According to the similarity scores, the future encodings of the top-K elements ϕj are separately combined with the encoding of the observed past πk. The novel pairs of encodings are transformed into 2D coordinates using the decoding function Ψ:{circumflex over (x)}F j=Ψ(πk, ϕj), with j=1, . . . , K. Note that πk is fixed while ϕj varies depending on the sample read from memory. Future encodings ϕj act as an oracle which suggests possible outcomes based on the past observation. This strategy allows the model to look ahead into likely futures in order to predict the correct one. Since multiple ϕj can be used independently, we can decode multiple futures and obtain a multimodal prediction in case of uncertainty (e.g. a bifurcation in the road).
  • Inference Mode 2—with Context
  • FIG. 5 represents the MANTRA architecture during the inference mode according to a second method using the surrounding context. The encoding of an observed past trajectory is used as key to read likely future encodings from memory. A multimodal prediction is obtained by decoding each future encoding, conditioned by the observed past. The surrounding context is processed by a CNN and fed to the Refinement Module to adjust predictions.
  • This second inference mode operates similarly to the first inference mode except that it further takes into account the context. Thus, we formulate the task of vehicle trajectory prediction as the problem of estimating P({circumflex over (x)}F|xP, c), where {circumflex over (x)}F is the predicted future trajectory, xP is the observed trajectory (or past) and c is a representation of the context (e.g. roads, sidewalks).
  • For that purpose, the model integrates an iterative refinement module. It can be performed using an already existing method as for example the one presented in the DESIRE article. To ensure compatibility with the environment, we refine predictions with an iterative procedure. We adopt a feature pooling strategy: first, a CNN extracts a feature map γk from the context c; then, predictions are overlapped with the feature map and, for each time step coordinates, we extract the correspondent feature values (one per channel); finally, the resulting vector is fed to a Gate Recurrent Unit (GRU) and a fully connected layer that output trajectory offsets.
  • It will be understood that various modifications and/or improvements evident to those skilled in the art can be brought to the different embodiments of the invention described in the present description without departing from the scope of the invention defined by the accompanying claims.

Claims (13)

1. A computer-implemented method for predicting multiple future trajectories of moving objects of interest in an environment of a monitoring device comprising a memory augmented neural network (MANN) comprising at least one trained encoder deep neural network, one trained decoder deep neural network and a key-value database storing keys corresponding to past trajectory encodings and associated values corresponding to associated future trajectory encodings, the method comprising an inference/prediction mode of the MANN with the steps of:
observing an input trajectory for each moving object of interest in the environment of the monitoring device;
encoding the input trajectory;
using the input trajectory encoding as a key element for the key-value database;
retrieving a plurality K of key elements of stored past trajectory encodings corresponding to the K closest samples of the input trajectory encoding;
addressing their K associated value elements corresponding to the K associated future trajectory encodings;
decoding each of the addressed K associated future trajectory encodings jointly with the input trajectory encoding into K predicted future trajectories;
outputting the K predicted future trajectories of the moving objects of interest for further processing by the monitoring device.
2. The computer-implemented method of claim 1, wherein the observed input trajectory is pre-processed before encoding to normalize it in translation and rotation and wherein stored past and future trajectory encodings are pre-processed in a similar way to the input trajectory before encoding and storing.
3. The computer-implemented method of claim 1, wherein the environment of the monitoring device is a driving environment and the monitoring device is an autonomous vehicle (AV) or a vehicle equipped with an advanced driver assistance system (ADAS).
4. The computer-implemented method of claim 1, wherein the MANN comprises two trained encoder deep neural networks, the method comprising a training mode prior to the inference mode with the steps of:
cutting a dataset of trajectories into pairs of past and future trajectories;
reprocessing the past and future trajectories to normalize them in translation and rotation by shifting the present time set (t) in the origin of a reference system (X,Y) and rotating each trajectory in order to make it tangent with the Y-axis in the origin;
training one encoder deep neural network to map preprocessed past trajectories into past trajectory encodings, and training another encoder deep neural network to map preprocessed future trajectories into future trajectory encodings
training a decoder deep neural network applied to past and future trajectory encodings to reproduce the future trajectories conditioned by the past trajectory encodings.
5. The computer-implemented method of claim 4, wherein during the training mode, the two encoder deep neural networks and the decoder deep neural network are trained jointly as an autoencoder deep neural network.
6. The computer-implemented method of claim 5, wherein the MANN further comprises a trained memory controller neural network, the method further comprising during the training mode, the step of:
training the memory controller neural network to perform writing operations in the key-value database by learning to emit write probabilities depending on the reconstruction errors by means of a training controller loss depending on a time-adaptive miss error rate function.
7. The computer-implemented method of claim 6, further comprising during the training mode, a step of storing, in the key-value database, past trajectory encodings as key elements and future trajectory encodings as value elements.
8. The computer-implemented method of claim 7, the method further comprising during the training mode, a step of fine-tuning the decoder deep neural network with past trajectory encodings belonging to training samples and future trajectory encodings coming from values stored in the key-value database.
9. The computer-implemented method of claim 1, the method comprising a memorization mode performed after the training mode and before the inference mode with the step of:
storing in the key-value database, past trajectory encodings as key elements and future trajectory encodings as value elements.
10. The computer-implemented method of claim 1, wherein the method further comprises, during the inference mode, an incremental improvement mode during which the observed trajectories are cut into past and future trajectory parts, pre-processed in translation and rotation and encoded with their respective encoder deep neural network, the past trajectory part encodings being stored as key elements while their associated future trajectory part encodings being stored as value elements in the key-value database.
11. The computer-implemented method of claim 1, wherein the MANN is a persistent MANN for moving objects of interest trajectory prediction.
12. The computer-implemented method of claim 1, wherein during the inference mode and after a step of joint training with the fine-tuning of the decoder at the end of the training mode, the predicted future trajectories are refined by integrating knowledge of the environment of the monitoring device using semantic maps.
13. A computer-implemented method for assisting a human operator to operate a monitoring device or for assisting an autonomous monitoring device, the method comprising the steps of:
capturing an environment of the monitoring device into a series of data acquisition from one or several sensors mounted on the monitoring device while the device is in operation;
extracting an input trajectory for each moving object of interest in the captured environment;
supplying said input trajectories to the computer implemented method according to claim 1;
displaying to the human operator's attention multiple predicted future trajectories of the moving objects of interest, or
providing to the autonomous monitoring device, said multiple predicted future trajectories of the moving objects of interest for further decision taking or action making.
US17/928,163 2020-05-29 2021-05-28 Computer-implemented method for predicting multiple future trajectories of moving objects Pending US20230131815A1 (en)

Applications Claiming Priority (3)

Application Number Priority Date Filing Date Title
EP20315290.5A EP3916676B1 (en) 2020-05-29 2020-05-29 Computer-implemented method for predicting multiple future trajectories of moving objects
EP20315290.5 2020-05-29
PCT/EP2021/064451 WO2021239998A1 (en) 2020-05-29 2021-05-28 Computer-implemented method for predicting multiple future trajectories of moving objects

Publications (1)

Publication Number Publication Date
US20230131815A1 true US20230131815A1 (en) 2023-04-27

Family

ID=71575321

Family Applications (1)

Application Number Title Priority Date Filing Date
US17/928,163 Pending US20230131815A1 (en) 2020-05-29 2021-05-28 Computer-implemented method for predicting multiple future trajectories of moving objects

Country Status (4)

Country Link
US (1) US20230131815A1 (en)
EP (1) EP3916676B1 (en)
JP (1) JP2023529240A (en)
WO (1) WO2021239998A1 (en)

Cited By (4)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20230174103A1 (en) * 2021-12-02 2023-06-08 May Mobility, Inc. Method and system for feasibility-based operation of an autonomous agent
CN116956098A (en) * 2023-09-21 2023-10-27 四川吉利学院 Long-tail track prediction method based on perception distributed comparison learning framework
CN118193645A (en) * 2024-05-15 2024-06-14 北京九栖科技有限责任公司 Track retrieval method, system and medium based on Hbase and vector database
US12024197B2 (en) 2020-07-01 2024-07-02 May Mobility, Inc. Method and system for dynamically curating autonomous vehicle policies

Family Cites Families (1)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
EP3850548A1 (en) 2018-09-11 2021-07-21 NVIDIA Corporation Future object trajectory predictions for autonomous machine applications

Cited By (4)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US12024197B2 (en) 2020-07-01 2024-07-02 May Mobility, Inc. Method and system for dynamically curating autonomous vehicle policies
US20230174103A1 (en) * 2021-12-02 2023-06-08 May Mobility, Inc. Method and system for feasibility-based operation of an autonomous agent
CN116956098A (en) * 2023-09-21 2023-10-27 四川吉利学院 Long-tail track prediction method based on perception distributed comparison learning framework
CN118193645A (en) * 2024-05-15 2024-06-14 北京九栖科技有限责任公司 Track retrieval method, system and medium based on Hbase and vector database

Also Published As

Publication number Publication date
WO2021239998A1 (en) 2021-12-02
EP3916676B1 (en) 2023-04-19
JP2023529240A (en) 2023-07-07
EP3916676A1 (en) 2021-12-01

Similar Documents

Publication Publication Date Title
US20230131815A1 (en) Computer-implemented method for predicting multiple future trajectories of moving objects
Marchetti et al. Mantra: Memory augmented networks for multiple trajectory prediction
Sünderhauf et al. The limits and potentials of deep learning for robotics
Yang et al. Hdnet: Exploiting hd maps for 3d object detection
Marchetti et al. Multiple trajectory prediction of moving agents with memory augmented networks
US11977967B2 (en) Memory augmented generative temporal models
US20190354858A1 (en) Neural Networks with Relational Memory
US11769049B2 (en) Controlling agents over long time scales using temporal value transport
Bucher et al. Semantic bottleneck for computer vision tasks
Lange et al. Lopr: Latent occupancy prediction using generative models
Bogdoll et al. Exploring the potential of world models for anomaly detection in autonomous driving
Stäcker et al. RC-BEVFusion: A plug-in module for radar-camera bird’s eye view feature fusion
Zhu et al. A tempt to unify heterogeneous driving databases using traffic primitives
Cultrera et al. Explaining autonomous driving with visual attention and end-to-end trainable region proposals
Gugerty et al. A cognitive model of strategies for cardinal direction judgments
Marchetti et al. Explainable sparse attention for memory-based trajectory predictors
Marchetti et al. COMPUTER-IMPLEMENTED METHOD FOR PREDICTING MULTIPLE FUTURE TRAJECTORIES OF MOVING OBJECTS
Luo et al. Delving into Multi-modal Multi-task Foundation Models for Road Scene Understanding: From Learning Paradigm Perspectives
Asghar et al. Allo-centric occupancy grid prediction for urban traffic scene using video prediction networks
Kolb et al. Learning to Request Guidance in Emergent Communication
Cheng et al. Interaction detection between vehicles and vulnerable road users: A deep generative approach with attention
US20240013409A1 (en) Systems and Methods for Multi-Object Tracking
Felsberg Five years after the deep learning revolution of computer vision: State of the art methods for online image and video analysis
CN111832436B (en) Multi-task and weak supervision-based beauty prediction method and device and storage medium
EP4414893A1 (en) Fine-tuning computer vision neural neworks using task rewards

Legal Events

Date Code Title Description
STPP Information on status: patent application and granting procedure in general

Free format text: DOCKETED NEW CASE - READY FOR EXAMINATION

AS Assignment

Owner name: IMRA EUROPE S.A.S., FRANCE

Free format text: ASSIGNMENT OF ASSIGNORS INTEREST;ASSIGNORS:BECATTINI, FEDERICO;MARCHETTI, FRANCESCO;SEIDENARI, LORENZO;AND OTHERS;SIGNING DATES FROM 20221110 TO 20221121;REEL/FRAME:062706/0708