WO2019143536A1 - Failure detection for a neural network object tracker - Google Patents

Failure detection for a neural network object tracker Download PDF

Info

Publication number
WO2019143536A1
WO2019143536A1 PCT/US2019/013372 US2019013372W WO2019143536A1 WO 2019143536 A1 WO2019143536 A1 WO 2019143536A1 US 2019013372 W US2019013372 W US 2019013372W WO 2019143536 A1 WO2019143536 A1 WO 2019143536A1
Authority
WO
WIPO (PCT)
Prior art keywords
network
object tracking
failure detection
failure
activation
Prior art date
Application number
PCT/US2019/013372
Other languages
French (fr)
Inventor
Amirhossein Habibian
Cornelis Gerardus Maria Snoek
Original Assignee
Qualcomm Incorporated
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 Qualcomm Incorporated filed Critical Qualcomm Incorporated
Publication of WO2019143536A1 publication Critical patent/WO2019143536A1/en

Links

Classifications

    • 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
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F18/00Pattern recognition
    • G06F18/20Analysing
    • G06F18/21Design or setup of recognition systems or techniques; Extraction of features in feature space; Blind source separation
    • G06F18/217Validation; Performance evaluation; Active pattern learning techniques
    • 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
    • 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
    • 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
    • G06N3/084Backpropagation, e.g. using gradient descent

Definitions

  • Certain aspects of the present disclosure generally relate to machine learning and, more particularly, to improving systems and methods for tracking objects with an artificial neural network.
  • An artificial neural network which may comprise an interconnected group of artificial neurons (e.g., neuron models), is a computational device or represents a method to be performed by a computational device.
  • the artificial neural network may be specified to perform computations on sequential data, such as a video.
  • the computations may include extracting features and/or classifying objects in the sequential data.
  • the extracted features and/or classification may be used for object tracking.
  • the object tracking may be used for various applications and/or devices, such as internet protocol (IP) cameras, Internet of Things (IoT) devices, autonomous vehicles, and/or service robots.
  • IP internet protocol
  • IoT Internet of Things
  • the applications may include improved or more computationally efficient object perception.
  • the applications may include understanding an object’s path for route planning.
  • the goal of object tracking is to track one or more objects over consecutive frames from a sequence of frames (e.g., video). For example, given the location of a target (e.g., object) in a current frame (t), the object tracker predicts the location of the target at a subsequent frame (t+l). Over time, the object tracker may fail due to different conditions, such as unstable lighting, erratic movement of the target, clutter, and/or occlusions. The failure may be propagated through time, such that the target may be lost over a series of consecutive frames.
  • a target e.g., object
  • t+l a subsequent frame
  • the object tracker may fail due to different conditions, such as unstable lighting, erratic movement of the target, clutter, and/or occlusions. The failure may be propagated through time, such that the target may be lost over a series of consecutive frames.
  • Conventional systems may detect a tracking failure from a trajectory difference.
  • the trajectory difference identifies a failure if a location of the target substantially changes over consecutive frames. That is, a failure is detected if the distance (e.g., Euclidean) between object bounding boxes of two consecutive frames exceeds a threshold.
  • Trajectory difference detection may detect false positives and may need fine tuning. That is, the threshold may be an ad hoc threshold. Also, the threshold may need to be tuned for each new tracker setting. Moreover, fast moving objects may cause false positives.
  • Conventional systems using trajectory difference also have difficulty in detecting objects near the sensor (e.g., camera).
  • Appearance difference identifies a failure if the appearance of the target substantially changes over consecutive frames. That is, a failure is detected if the distance (e.g., correlation or Euclidean) between the object patch within two consecutive frames exceeds a pre-determined threshold. Appearance difference detection may result in false positives and may need fine tuning. That is, the threshold may be an ad hoc threshold. Furthermore, false positives may be detected if the target appearance changes over time. For example, the target appearance may change due to changes in illumination and/or pose. Appearance difference detection may fail to identify a failure when a frame includes similar objects.
  • the lost target may be recovered by re-initializing the object tracker, receiving user input to identify the target in a frame, and/or searching an entire frame for the lost target. It is desirable to improve object tracking systems to provide a method and system to reduce a time for detecting a tracking failure.
  • a method for detecting failure of an object tracking network with a failure detection network includes receiving an activation from an intermediate layer of the object tracking network. The method also includes classifying the activation as a failure or success.
  • the method further includes determining whether to initiate a recovery mode of the object tracking network or to remain in a tracking mode of the object tracking network. The determination is based on the classification (e.g., failure or success).
  • Another aspect of the present disclosure is directed to an apparatus including means for receiving an activation from an intermediate layer of the object tracking network.
  • the apparatus also includes means for classifying the activation as a failure or success.
  • the apparatus further includes means for determining whether to initiate a recovery mode of the object tracking network or to remain in a tracking mode of the object tracking network. The determination is based on the classification (e.g., failure or success).
  • a non-transitory computer-readable medium with non-transitory program code recorded thereon is disclosed.
  • the program code is for detecting failure of an object tracking network with a failure detection network.
  • the program code is executed by a processor and includes program code to receive an activation from an intermediate layer of the object tracking network.
  • the program code also includes program code to classify the activation as a failure or success.
  • the program code further includes program code to determine whether to initiate a recovery mode of the object tracking network or to remain in a tracking mode of the object tracking network. The determination is based on the classification (e.g., failure or success).
  • the failure detection network has a memory and one or more processors coupled to the memory.
  • the processor(s) is configured to receive an activation from an intermediate layer of the object tracking network.
  • the processor(s) is also configured to classify the activation as a failure or success.
  • the processor(s) is further configured to determine whether to initiate a recovery mode of the object tracking network or to remain in a tracking mode of the object tracking network. The determination is based on the classification (e.g., failure or success).
  • FIGURE 1 illustrates an example of object tracking according to aspects of the present disclosure.
  • FIGURE 2 illustrates an example of an object tracking neural network according to aspects of the present disclosure.
  • FIGURE 3 illustrates an example implementation of designing a neural network using a system-on-a-chip (SOC), including a general-purpose processor in accordance with certain aspects of the present disclosure.
  • SOC system-on-a-chip
  • FIGURE 4 illustrates an example implementation of a system in accordance with aspects of the present disclosure.
  • FIGURE 5A is a diagram illustrating a neural network in accordance with aspects of the present disclosure.
  • FIGURE 5B is a block diagram illustrating an exemplary deep convolutional network (DCN) in accordance with aspects of the present disclosure.
  • DCN deep convolutional network
  • FIGURE 6 is a block diagram illustrating an exemplary software architecture that may modularize artificial intelligence (AI) functions in accordance with aspects of the present disclosure.
  • AI artificial intelligence
  • FIGURE 7 is a block diagram illustrating the run-time operation of an AI application on a smartphone in accordance with aspects of the present disclosure.
  • FIGURE 8 illustrates an example of activations generated from an object tracking neural network in accordance with aspects of the present disclosure.
  • FIGURE 9 illustrates an example of an object tracking neural network and a failure detection network in accordance with aspects of the present disclosure.
  • FIGURES 10-11 illustrate examples of a failure detection network in accordance with aspects of the present disclosure.
  • FIGURE 12 illustrates a method for detecting failure of an object tracking network with a failure detection network in accordance with aspects of the present disclosure.
  • An artificial neural network may be specified to extract features and/or classify objects from sequential data, such as a video.
  • the extracted features and/or classification may be used by the artificial neural network to track an object.
  • FIGURE 1 illustrates an example of object tracking from a first frame (t) 100 an Nth frame (t+n) 150.
  • the first frame 100 and the Nth frame 150 include objects 102, such as a first object 108, to be tracked by an object tracking system.
  • Each object 102 may be given a unique object identification (ID) so that the object may be tracked through subsequent frames.
  • ID unique object identification
  • each moving object 102 may be bounded by a bounding box 104.
  • the artificial neural network may track each object 102 in a sequence of frames. That is, given an object’s bounding box 104 in the first frame 100, the artificial neural network predicts a location of each object 102 over time (e.g., over consecutive frames).
  • the artificial neural network may lose track of one or more objects 102 (e.g., targets) due to a failure of the object tracker.
  • objects 102 e.g., targets
  • failure at a frame prior to the Nth frame 150 may cause the object tracker to lose track of an object, such as the first object 108, at the Nth frame 150.
  • the failure of the object tracker causes a bounding box 106 of the first object 108 to be misaligned with the first object 108.
  • the artificial neural network is a convolutional neural network.
  • the convolutional neural network may classify (e.g., discriminate) proposal regions as either a target or a background.
  • FIGURE 2 illustrates an example of an artificial neural network 200 trained to provide a vector indicating the coordinates of a target (e.g., target bounding box) in a subsequent frame (t+l) 208. That is, given a target 202 in a first frame (t) 204 and proposals 206 in the subsequent frame (t+l) 208, the artificial neural network 200 predicts a location of the target 202 in the subsequent frame (t+l) 208.
  • a target e.g., target bounding box
  • the artificial neural network 200 determines one or more proposals 206 (e.g., search regions) in the subsequent frame (t+l) 208.
  • the proposals 206 may include a predicted location of the target 202 as well as areas adjacent to the predicted location.
  • the proposals 206 e.g., search regions
  • the target 202 in the current frame (t) 204 is identified by a bounding box.
  • the target 202 from the current frame (t) 204 and the subsequent frame (t+l) 208 are input to a first set of layers 210 (e.g., sampling layers) of the artificial neural network 200.
  • the first set of layers 210 generate an extracted (e.g., cropped) target 216 from the current frame (t) 204.
  • the first set of layers 210 also extract proposal regions 214 from each proposal 206 of the subsequent frame (t+l) 208.
  • the extracted target 216 and extracted proposal regions 214 are input to a second set of layers 212 (e.g., representation layers) to extract features from the extracted target 216 and to extract proposal regions 214.
  • the extracted features may be represented as activations.
  • the activations may also be referred to as a feature map.
  • the activations may include a heat map.
  • the extracted features are output to a target matching layer 218 (e.g., fully connected layer, convolutional layer, or cross -correlation layer).
  • the target matching layer 218 determines matching features from the extracted target 216 and the extracted proposal regions 214 to predict the coordinates of the target 202 within the subsequent frame (t+l) 208.
  • the features from the extracted target 216 and the extracted proposal regions 214 may be matched using contrastive similarity loss, binary classification loss, regression loss, or other types of loss functions.
  • the predicted location may be identified by a bounding box.
  • the process continues for each frame of a series of consecutive frames.
  • the artificial neural network used for object tracking may be referred to as an object tracker.
  • the object tracker may fail due to various conditions, such as, for example, unstable lighting, erratic movement by a target, movement of a tracking camera, clutter in a frame, and/or occlusion of the target.
  • Failure may cause the object tracker to search an incorrect region.
  • the failure may be propagated over time such that if an object is lost at a frame /, the tracker may not find the object in a subsequent frame i+l, as well as a later frame t+n. That is, based on an initial tracking failure, the object tracker may lose track of the target.
  • a substantial period of time may pass between a failure time and a failure detection time.
  • aspects of the present disclosure are directed to detecting a tracking failure and initializing a recovery mode in response to the detected failure.
  • the recovery mode may re-initialize the target and the search regions.
  • Failure detection may also improve the fusion of multiple trackers. For example, when multiple trackers are used together, the failure detection may filter out predictions from failed trackers.
  • FIGURE 3 illustrates an example implementation of the aforementioned method of detecting failure of an object tracking network using a system-on-a-chip (SOC) 300, which may include a general-purpose processor (CPU) or multi-core general-purpose processors (CPUs) 302 in accordance with certain aspects of the present disclosure.
  • SOC system-on-a-chip
  • CPU general-purpose processor
  • CPUs multi-core general-purpose processors
  • Variables e.g., neural signals and synaptic weights
  • system parameters associated with a computational device e.g., neural network with weights
  • delays e.g., frequency bin information, and task information
  • NPU neural processing unit
  • GPU graphics processing unit
  • DSP digital signal processor
  • Instructions executed at the general-purpose processor 302 may be loaded from a program memory associated with the CPU 302 or may be loaded from a dedicated memory block 318.
  • the SOC 300 may also include additional processing blocks tailored to specific functions, such as a GPU 304, a DSP 306, a connectivity block 330, which may include fifth generation (5G) connectivity, fourth generation long term evolution (4G LTE) connectivity, unlicensed Wi-Fi connectivity, USB connectivity, Bluetooth connectivity, and the like, and a multimedia processor 312 that may, for example, detect and recognize gestures.
  • the NPU is implemented in the CPU, DSP, and/or GPU.
  • the SOC 300 may also include a sensor processor 314, image signal processors (ISPs), and/or navigation 320, which may include a global positioning system.
  • ISPs image signal processors
  • the SOC 300 may be based on an ARM instruction set.
  • the instructions loaded into the general-purpose processor 302 may comprise code to receive activations from an intermediate layer of the object tracking network.
  • the instructions loaded into the general-purpose processor 302 may also comprise code to classify the activations as a failure or success.
  • the instructions loaded into the general-purpose processor 302 may comprise code to determine whether to adjust a mode of the object tracking network based on the classification.
  • FIGURE 4 illustrates an example implementation of a system 400 in accordance with certain aspects of the present disclosure.
  • the system 400 may have multiple local processing units 402 that may perform various operations of methods described herein.
  • Each local processing unit 402 may comprise a local state memory 404 and a local parameter memory 406 that may store parameters of a neural network.
  • the local processing unit 402 may have a local (neuron) model program (LMP) memory 408 for storing a local model program, a local learning program (LLP) memory 410 for storing a local learning program, and a local connection memory 412.
  • LMP local (neuron) model program
  • LLP local learning program
  • each local processing unit 402 may interface with a configuration processor unit 414 for providing configurations for local memories of the local processing unit, and with a routing connection processing unit 416 that provides routing between the local processing units 402.
  • Deep learning architectures may perform an object recognition task by learning to represent inputs at successively higher levels of abstraction in each layer, thereby building up a useful feature representation of the input data.
  • deep learning addresses a major bottleneck of traditional machine learning.
  • a shallow classifier may be a two-class linear classifier, for example, in which a weighted sum of the feature vector components may be compared with a threshold to predict to which class the input belongs.
  • Human engineered features may be templates or kernels tailored to a specific problem domain by engineers with domain expertise.
  • Deep learning architectures may learn to represent features that are similar to what a human engineer might design, but through training. Furthermore, a deep network may learn to represent and recognize new types of features that a human might not have considered.
  • a deep learning architecture may leam a hierarchy of features. If presented with visual data, for example, the first layer may learn to recognize relatively simple features, such as edges, in the input stream. In another example, if presented with auditory data, the first layer may leam to recognize spectral power in specific frequencies. The second layer, taking the output of the first layer as input, may learn to recognize combinations of features, such as simple shapes for visual data or
  • sounds for auditory data For instance, higher layers may learn to represent complex shapes in visual data or words in auditory data. Still higher layers may learn to recognize common visual objects or spoken phrases.
  • Deep learning architectures may perform especially well when applied to problems that have a natural hierarchical structure.
  • the classification of motorized vehicles may benefit from first learning to recognize wheels, windshields, and other features. These features may be combined at higher layers in different ways to recognize cars, trucks, and airplanes.
  • Neural networks may be designed with a variety of connectivity patterns.
  • feed-forward networks information is passed from lower to higher layers, with each neuron in a given layer communicating to neurons in higher layers.
  • a hierarchical representation may be built up in successive layers of a feed-forward network, as described above.
  • Neural networks may also have recurrent or feedback (also called top- down) connections.
  • a recurrent connection the output from a neuron in a given layer may be communicated to another neuron in the same layer.
  • a recurrent architecture may be helpful in recognizing patterns that span more than one of the input data chunks that are delivered to the neural network in a sequence.
  • a connection from a neuron in a given layer to a neuron in a lower layer is called a feedback (or top-down) connection.
  • a network with many feedback connections may be helpful when the recognition of a high-level concept may aid in discriminating the particular low-level features of an input.
  • the connections between layers of a neural network may be fully connected 502 or locally connected 504.
  • a neuron in a first layer may communicate its output to every neuron in a second layer, so that each neuron in the second layer will receive input from every neuron in the first layer.
  • a neuron in a first layer may be connected to a limited number of neurons in the second layer.
  • a convolutional network 506 may be locally connected, and is further configured such that the connection strengths associated with the inputs for each neuron in the second layer are shared (e.g., 508).
  • a locally connected layer of a network may be configured so that each neuron in a layer will have the same or a similar connectivity pattern, but with connections strengths that may have different values (e.g., 510, 512, 514, and 516).
  • the locally connected connectivity pattern may give rise to spatially distinct receptive fields in a higher layer, because the higher layer neurons in a given region may receive inputs that are tuned through training to the properties of a restricted portion of the total input to the network.
  • Locally connected neural networks may be well suited to problems in which the spatial location of inputs is meaningful.
  • a network 500 designed to recognize visual features from a car-mounted camera may develop high layer neurons with different properties depending on their association with the lower versus the upper portion of the image.
  • Neurons associated with the lower portion of the image may learn to recognize lane markings, for example, while neurons associated with the upper portion of the image may learn to recognize traffic lights, traffic signs, and the like.
  • a DCN may be trained with supervised learning.
  • a DCN may be presented with an image, such as a cropped image of a speed limit sign 526, and a“forward pass” may then be computed to produce an output 522.
  • the output 522 may be a vector of values corresponding to features such as“sign,”“60,” and“100.”
  • the network designer may want the DCN to output a high score for some of the neurons in the output feature vector, for example the ones corresponding to“sign” and“60” as shown in the output 522 for a network 500 that has been trained.
  • the output produced by the DCN is likely to be incorrect, and so an error may be calculated between the actual output and the target output.
  • the weights of the DCN may then be adjusted so that the output scores of the DCN are more closely aligned with the target.
  • a learning algorithm may compute a gradient vector for the weights.
  • the gradient may indicate an amount that an error would increase or decrease if the weight were adjusted slightly.
  • the gradient may correspond directly to the value of a weight connecting an activated neuron in the penultimate layer and a neuron in the output layer.
  • the gradient may depend on the value of the weights and on the computed error gradients of the higher layers.
  • the weights may then be adjusted to reduce the error. This manner of adjusting the weights may be referred to as“back propagation” as it involves a“backward pass” through the neural network.
  • the error gradient of weights may be calculated over a small number of examples, so that the calculated gradient approximates the true error gradient.
  • This approximation method may be referred to as stochastic gradient descent. Stochastic gradient descent may be repeated until the achievable error rate of the entire system has stopped decreasing or until the error rate has reached a target level.
  • the DCN may be presented with new images 526 and a forward pass through the network may yield an output 522 that may be considered an inference or a prediction of the DCN.
  • Deep belief networks are probabilistic models comprising multiple layers of hidden nodes. DBNs may be used to extract a hierarchical representation of training data sets. A DBN may be obtained by stacking up layers of Restricted
  • RBMs Boltzmann Machines
  • An RBM is a type of artificial neural network that can learn a probability distribution over a set of inputs. Because RBMs can learn a probability distribution in the absence of information about the class to which each input should be categorized, RBMs are often used in unsupervised learning.
  • the bottom RBMs of a DBN may be trained in an unsupervised manner and may serve as feature extractors, and the top RBM may be trained in a supervised manner (on a joint distribution of inputs from the previous layer and target classes) and may serve as a classifier.
  • DCNs Deep convolutional networks
  • DCNs are networks of convolutional networks, configured with additional pooling and normalization layers. DCNs have achieved state-of-the-art performance on many tasks. DCNs can be trained using supervised learning in which both the input and output targets are known for many exemplars and are used to modify the weights of the network by use of gradient descent methods.
  • DCNs may be feed-forward networks.
  • the connections from a neuron in a first layer of a DCN to a group of neurons in the next higher layer are shared across the neurons in the first layer.
  • the feed-forward and shared connections of DCNs may be exploited for fast processing.
  • the computational burden of a DCN may be much less, for example, than that of a similarly sized neural network that comprises recurrent or feedback connections.
  • each layer of a convolutional network may be considered a spatially invariant template or basis projection. If the input is first decomposed into multiple channels, such as the red, green, and blue channels of a color image, then the convolutional network trained on that input may be considered three-dimensional, with two spatial dimensions along the axes of the image and a third dimension capturing color information.
  • the outputs of the convolutional connections may be considered to form a feature map in the subsequent layer 518 and 520, with each element of the feature map (e.g., 520) receiving input from a range of neurons in the previous layer (e.g., 518) and from each of the multiple channels.
  • the values in the feature map may be further processed with a non-linearity, such as a rectification, max(0,x). Values from adjacent neurons may be further pooled, which corresponds to down sampling, and may provide additional local invariance and dimensionality reduction. Normalization, which corresponds to whitening, may also be applied through lateral inhibition between neurons in the feature map.
  • a non-linearity such as a rectification, max(0,x).
  • Values from adjacent neurons may be further pooled, which corresponds to down sampling, and may provide additional local invariance and dimensionality reduction. Normalization, which corresponds to whitening, may also be applied through lateral inhibition between neurons in the feature map.
  • FIGURE 5B is a block diagram illustrating an exemplary deep convolutional network 550.
  • the deep convolutional network 550 may include multiple different types of layers based on connectivity and weight sharing.
  • the exemplary deep convolutional network 550 includes multiple convolution blocks 552, 554.
  • Each of the convolution blocks 552, 554 may be configured with a convolution layer 556, a normalization layer (LNorm) 558, and a pooling layer 560.
  • LNorm normalization layer
  • convolution layers 556 may include one or more convolutional filters (not shown), which may be applied to the input data to generate a feature map. Although only two convolution blocks 552, 554 are shown, the present disclosure is not so limiting, and instead, any number of convolutional blocks may be included in the deep convolutional network 550 according to design preference.
  • the normalization layer 558 may be used to normalize the output of the convolution filters. For example, the normalization layer 558 may provide whitening or lateral inhibition.
  • the pooling layer 560 may provide down sampling aggregation over space for local invariance and dimensionality reduction.
  • the parallel filter banks for example, of a deep convolutional network may be loaded on a CPU 102 or GPU 104 of an SOC 100, optionally based on an ARM instruction set, to achieve high performance and low power consumption.
  • the parallel filter banks may be loaded on the DSP 106 or an ISP 116 of an SOC 100.
  • the DCN may access other processing blocks that may be present on the SOC, such as processing blocks dedicated to sensors 114 and navigation 120.
  • the deep convolutional network 550 may also include one or more fully connected layers 562, 564.
  • the deep convolutional network 550 may further include a logistic regression (LR) layer 566. Between each layer of the deep convolutional network 550 are weights (not shown) that are to be updated. The output of each layer may serve as an input of a succeeding layer in the deep convolutional network 550 to learn hierarchical feature representations from input data (e.g., images, audio, video, sensor data and/or other input data) supplied at the first convolution block 552.
  • input data e.g., images, audio, video, sensor data and/or other input data
  • FIGURE 6 is a block diagram illustrating an exemplary software architecture 600 that may modularize artificial intelligence (AI) functions.
  • applications 602 may be designed that may cause various processing blocks of an SOC 620 (for example a CPU 622, a DSP 624, a GPU 626 and/or an NPU 628) to perform supporting computations during run-time operation of the application 602.
  • SOC 620 for example a CPU 622, a DSP 624, a GPU 626 and/or an NPU 628, to perform supporting computations during run-time operation of the application 602.
  • the AI application 602 may be configured to call functions defined in a user space 604 that may, for example, provide for the detection and recognition of a scene indicative of the location in which the device currently operates.
  • the AI application 602 may, for example, configure a microphone and a camera differently depending on whether the recognized scene is an office, a lecture hall, a restaurant, or an outdoor setting such as a lake.
  • the AI application 602 may make a request to compiled program code associated with a library defined in a SceneDetect application programming interface (API) 606 to provide an estimate of the current scene. This request may ultimately rely on the output of a deep neural network configured to provide scene estimates based on video and positioning data, for example.
  • API Application programming interface
  • the AI application 602 may cause the run-time engine, for example, to request a scene estimate at a particular time interval or triggered by an event detected by the user interface of the application.
  • the run-time engine may in turn send a signal to an operating system 610, such as a Linux Kernel 612, running on the SOC 620.
  • the operating system 610 may cause a computation to be performed on the CPU 622, the DSP 624, the GPU 626, the NPU 628, or some combination thereof.
  • the CPU 622 may be accessed directly by the operating system, and other processing blocks may be accessed through a driver, such as a driver 614-618 for a DSP 624, for a GPU 626, or for an NPU 628.
  • a driver such as a driver 614-618 for a DSP 624, for a GPU 626, or for an NPU 628.
  • the deep neural network may be configured to run on a combination of processing blocks, such as a CPU 622 and a GPU 626, or may be run on an NPU 628, if present.
  • FIGURE 7 is a block diagram illustrating the run-time operation 700 of an AI application on a smartphone 702.
  • the AI application may include a pre-process module 704 that may be configured (using for example, the JAVA programming language) to convert the format of an image 706 and then crop and/or resize the image 708.
  • the pre-processed image may then be communicated to a classify application 710 that contains a SceneDetect Backend Engine 712 that may be configured (using for example, the C programming language) to detect and classify scenes based on visual input.
  • the SceneDetect Backend Engine 712 may be configured to further preprocess 714 the image by scaling 716 and cropping 718.
  • the image may be scaled and cropped so that the resulting image is 224 pixels by 224 pixels. These dimensions may map to the input dimensions of a neural network.
  • the neural network may be configured by a deep neural network block 720 to cause various processing blocks of the SOC 300 to further process the image pixels with a deep neural network.
  • the results of the deep neural network may then be thresholded 722 and passed through an exponential smoothing block 724 in the classify application 710.
  • the smoothed results may then cause a change of the settings and/or the display of the smartphone 702.
  • a machine learning model is configured for receiving an activation from an intermediate layer of the object tracking network.
  • the model is also configured for classifying the activation as a failure or success.
  • the model is further configured for determining whether to adjust a mode of the object tracking network based on the classification.
  • the model includes receiving means, classifying means, and/or determining means.
  • the receiving means, classifying means, and/or determining means may be the general-purpose processor 302, program memory associated with the general-purpose processor 302, memory block 318, local processing units 402, and or the routing connection processing units 416 configured to perform the functions recited.
  • the aforementioned means may be any module or any apparatus configured to perform the functions recited by the aforementioned means.
  • each local processing unit 402 may be configured to determine parameters of the model based upon desired one or more functional features of the model, and develop the one or more functional features towards the desired functional features as the determined parameters are further adapted, tuned and updated.
  • an object tracking system may implement an artificial neural network, such as a convolutional neural network, to track an object.
  • the activations of the artificial neural network are used to determine whether the object tracker has failed. That is, activations of a properly functioning object tracker are different from activations of a failed object tracker.
  • activations are classified by a failure detection network.
  • the failure detection network may be trained to detect a failure from network activations.
  • FIGURE 8 illustrates examples of activations (e.g., feature maps) of a tracked object and a lost object.
  • feature maps are generated from a cross-correlation layer.
  • the cross-correlation layer convolves activations from a target representation (e.g., filters) into activations from a proposal representations (e.g., input).
  • target representation e.g., filters
  • proposal representations e.g., input
  • feature maps 802 of a tracked target are different from feature maps 804 of a lost target.
  • the feature maps 802 of the tracked target may be more centered and less scattered in comparison to the feature maps 804 of the lost target.
  • the lost target refers to a target that is not properly tracked due to a failure of the object tracker.
  • FIGURE 9 illustrates an example of an artificial neural network 900 that includes an object tracking network 902 and a failure detection network 904 according to aspects of the present disclosure.
  • the failure detection network 904 may be a trained binary classifier. In this configuration, based on the received feature maps, the failure detection network 904 determines whether tracking has failed. That is, the failure detection network 904 may classify the tracking as failed or successful.
  • the failure detection network 904 is a convolutional neural network, such as a shallow convolutional neural network. In another embodiment, the failure detection network 904 is a recurrent convolutional neural network.
  • a first set of layers 906 (e.g., sampling layers) generates an extracted (e.g., cropped) target 908 from the current frame (t) 910.
  • the first set of layers 906 also extract proposal regions 914 from each proposed search region 912 of a subsequent frame (t+l) 920.
  • the extracted target 908 and extracted proposal regions 914 are input to a second set of layers 916 (e.g., representation layers) to extract features from the extracted target 908 and the extracted proposal regions 914. That is, the second set of layers 916 generates feature maps based on the extracted target 908 and extracted proposal regions 914.
  • the feature maps are output to the failure detection network 904.
  • the feature maps and activations may also be referred to as intermediary representations.
  • the feature maps and activations may include activity maps (e.g., heat maps), or other types of maps. That is, the activity maps may be any type of activation from an intermediate layer of the object tracking network 902.
  • the failure detection network 904 receives the feature maps from the second set of layers 916. As discussed above, aspects of the present disclosure are not limited to receiving feature maps from the second set of layers 916. The failure detection network 904 may receive activations from any layer.
  • the failure detection network 904 may also receive contextual information, such as raw pixels of a frame and/or an optical flow.
  • the contextual information may improve the failure detection.
  • the failure detection network in response to receiving the activations, may classify the tracker as failed or successful. As shown in
  • the failure detection network 904 may output the classification to the object tracking network 902. If the failure detection network 904 classifies the tracker as failed, the object tracking network 902 initiates a recovery mode of the object tracking network 902. Additionally, or alternatively, based on the classification, the failure detection network 904 may initiate a recovery mode of the object tracking network 902. [0076]
  • the recovery mode re-initializes the tracker by setting a new target object. The coordinates of the new target object may be requested from user or may be obtained from an object detector. Additionally, the recovery mode may refine the search region (e.g., a location where the tracker is searching for the object) based on the new location of the target. For example, the recovery mode may expand the search region around the target location. Furthermore, in response to the failure detection network 904 determining that the object tracking network 902 has not failed, the object tracking network 902 may remain in a tracking mode.
  • extracted features are output to a target matching layer 918 (e.g., fully connected layer or cross -correlation layer).
  • the target matching layer 918 determines matching features from the extracted target 908 and proposal regions 914 to predict the coordinates of the target within the subsequent frame (t+l) 920.
  • the predicted matching for the extracted target 908 and the extracted proposal regions 914 may be evaluated using contrastive similarity loss, binary classification loss, regression loss, or other types of loss functions.
  • the location may be indicated by a bounding box. The process continues for each frame of a series of consecutive frames.
  • the artificial neural network used for object tracking can be referred to as an object tracker. Additionally, aspects of the present disclosure are not limited to a Siamese tracking network and contemplate any type of tracking network.
  • the object tracking network 902 may have one branch for the representation layer 916, such that the failure detection network 904 receives activations from only one branch.
  • a failure detection network may be trained to classify an object tracker as failed (e.g., not tracking) or successful (e.g., tracking) based on feature maps generated at an object tracking network.
  • the failure detection network is trained with a trained object tracking network and also training videos with object bounding boxes.
  • the object tracking network may be trained by any training technique.
  • the trained object tracking network receives the training videos as an input.
  • the trained object tracker may begin tracking objects in the training videos.
  • hidden layers of the trained object tracking network may generate feature maps based on the training videos. For example, cross-correlation layers of the trained object tracking network may generate responses for a fully convolutional Siamese network.
  • an object location predicted by the trained object tracking may be compared to a ground-truth object location.
  • failure labels are extracted based on an overlap between the predicted object location and the ground-truth object location. The overlap may be measured as the intersection over union between two bounding boxes.
  • the failure labels may be correlated with the feature maps to train the failure detection network as a binary classifier for classifying a failed tracker. Additionally, or alternatively, the failure detection network may be trained based on a regression loss that predicts the overlap value between the tracked bounding box and the ground- truth bounding box.
  • aspects of the present disclosure are not limited to training the failure detection network after the object tracking network has been trained.
  • the failure detection network may be trained jointly or independently from the object tracking network.
  • the same training data e.g., training videos
  • the prevent coadoption by both the object tracking network and the failure detection network different training data is used when training (independently or jointly) the object tracking network and the failure detection network.
  • the failure detection network may be a recurrent convolutional neural network.
  • the failure detection network is trained using training data with a temporal dependency length (e.g., ms or seconds) that is determined based on a use case.
  • the use case may correspond to an expected amount of occlusion in a sensor’s environment. For example, if the sensor (e.g., camera on a car) is expected to be on a freeway (e.g., highly dynamic environment) where objects are occluded for a short period of time, training data with short temporal dependencies may be used for training.
  • training data with long temporal dependencies may be used for training.
  • the temporal dependency refers to the temporal relationship of an object over a series of frames, which correspond to the sequence lengths used for training.
  • the failure detection network is a convolutional neural network that is capable of capturing spatial information of the feature maps.
  • FIGURE 10 illustrates an example of a failure detection network 1000 according to aspects of the present disclosure.
  • a convolution layer 1002 receives feature maps from one or more layers, such as cross-correlation layers, of an object tracking network.
  • the convolution layer 1002 convolves the feature maps with filters and transmits the convolved feature maps to a first sigmoid layer 1004.
  • the convolution layer 1002 uses a 3x3 convolution filter.
  • the first sigmoid layer 1004 introduces non-linearity to the failure detection network 1000, which is used to learn decision boundaries (e.g., failure vs. non-failure).
  • Other non-linearities may be used, such as a rectified linear unit (ReLU) or a hyperbolic tangent (tanh). That is, an output of the convolution layer 1002 (e.g., the product of an input and weights) may be represented as a linear combination of the input (e.g., sequence of feature maps) based on an output of the first sigmoid layer 1004.
  • ReLU rectified linear unit
  • titaniumh hyperbolic tangent
  • the first sigmoid layer 1004 outputs to a global max pooling layer 1006.
  • the global max pooling layer 1006 aggregates the feature maps into one dimensional vectors.
  • the one dimensional vectors may be the desired input to the fully connected layer 1010 (e.g., target matching layer).
  • the global max pooling layer 1006 outputs to a second sigmoid layer 1008.
  • the second sigmoid layer 1008 outputs to a fully connected layer 1010.
  • the failure detection network 1000 is a binary classifier
  • the fully connected layer 1010 generates a two- dimensional vector.
  • a first dimension of the vector corresponds to a probability of a tracker failure and a second dimension of the vector corresponds to a probability of a tracker success.
  • the two-dimensional vector may be output to a third sigmoid layer 1012 and then a cross-entropy loss layer 1014.
  • the cross-entropy loss layer 1014 outputs the probability of a target loss.
  • the cross-entropy loss layer 1014 compares the prediction from the fully connected layer 1010 with the ground-truth.
  • the cross-entropy loss layer 1014 may be replaced by other classifications or regression losses.
  • the failure detection network is a recurrent neural network, such as a recurrent convolutional neural network, a long short term memory (LSTM) network, or a gated recurrent unit (GRU) network.
  • FIGURE 11 illustrates an example of a failure detection network 1100 according to aspects of the present disclosure.
  • a convolution layer 1102 receives feature maps from one or more layers, such as cross-correlation layers, of an object tracking network.
  • the convolution layer 1102 convolves the feature maps with filters and transmits the convolved feature maps to a first sigmoid layer 1104.
  • the first sigmoid layer 1104 introduces non-linearity to the failure detection network 1100.
  • an output of the convolution layer 1102 may be represented as a linear combination of the input (e.g., sequence of feature maps) based on an output of the first sigmoid layer 1104.
  • the first sigmoid layer 1104 outputs to a global max pooling layer 1106. Furthermore, the global max pooling layer 1106 outputs to a second sigmoid layer 1108. The second sigmoid layer 1108 outputs to a recurrent layer 1110.
  • the recurrent layer 1110 may model temporal dependencies of the activations. That is, by modeling the temporal dependencies of the activations, the failure detection network 1100 may detect a failure over time (e.g., a series of frames) rather than detecting a failure at an individual frame.
  • a number of frames may be set for detecting a failure.
  • the failure is detected if the activations indicate a failure over the set number of frames.
  • the recurrent layer 1110 outputs to a fully connected layer 1115.
  • the fully connected layer 1115 generates a vector.
  • a first element of the vector corresponds to a probability of a tracker failure and a second element of the vector corresponds to a probability of a tracker success.
  • the predicted vector may be output to a third sigmoid layer 1112 and then a cross-entropy loss layer 1114.
  • the cross-entropy loss layer 1114 outputs the probability of a target loss.
  • FIGURE 12 illustrates a method 1200 for detecting failure of an object tracking network with a failure detection network in accordance with aspects of the present disclosure.
  • a failure detection network and an object tracking network are independently trained.
  • the failure detection network and an object tracking network are jointly trained. That is, the failure detection network may be trained to classify an object tracker as failed (e.g., not tracking) or successful (e.g., tracking) based on feature maps generated at an object tracking network.
  • the failure detection network receives an activation from an intermediate layer of the object tracking network.
  • the failure detection network may receive activations from a representation layer.
  • the activation includes a similarity map and/or an output from an intermediate layer.
  • the failure detection network receives contextual information including raw pixels and/or optical flow.
  • the failure detection network may be a convolutional neural network or a recurrent convolutional neural network.
  • the convolutional neural network may be a shallow convolutional neural network.
  • the failure detection models temporal dependencies of the activation via a recurrent layer.
  • the recurrent layer includes a long short term memory network or a gated recurrent unit network.
  • the temporal dependency refers to the temporal relationship of an object over a series of frames, which correspond to the sequence lengths used for training. The use case may correspond to an expected amount of occlusion in a sensor’s environment.
  • training data with short temporal dependencies may be used for training.
  • the failure detection network classifies the activation as a failure or success.
  • the classification may be based on the received activation.
  • the classification may be based on the received activation and also the received contextual information.
  • the failure detection network determines whether to initiate a recovery mode of the object tracking network or to remain in a tracking mode of the object tracking network. The determination may be based on the classification of the failure or success.
  • the failure detection network initiates the recovery mode for the object tracking network based on determining that the object tracking network has failed. The recovery mode includes resetting the object tracking network, switching to an object detector, refining a search region, or requesting user input.
  • the method 1200 may be performed by the SOC 300 (FIGURE 3) or the system 400 (FIGURE 4). That is, each of the elements of method 1200 may, for example, but without limitation, be performed by the SOC 300 or the system 400 or one or more processors (e.g., CPU 302 and local processing unit 402) and/or other components included therein.
  • processors e.g., CPU 302 and local processing unit 402
  • the various operations of methods described above may be performed by any suitable means capable of performing the corresponding functions.
  • the means may include various hardware and/or software component(s) and/or module(s), including, but not limited to, a circuit, an application specific integrated circuit (ASIC), or processor.
  • ASIC application specific integrated circuit
  • “determining” encompasses a wide variety of actions. For example,“determining” may include calculating, computing, processing, deriving, investigating, looking up (e.g., looking up in a table, a database or another data structure), ascertaining and the like. Additionally,“determining” may include receiving (e.g., receiving information), accessing (e.g., accessing data in a memory) and the like. Furthermore,“determining” may include resolving, selecting, choosing, establishing and the like.
  • a phrase referring to“at least one of’ a list of items refers to any combination of those items, including single members.
  • “at least one of: a, b, or c” is intended to cover: a, b, c, a-b, a-c, b-c, and a-b-c.
  • DSP digital signal processor
  • ASIC application specific integrated circuit
  • FPGA field programmable gate array signal
  • PLD programmable logic device
  • a general-purpose processor may be a microprocessor, but in the alternative, the processor may be any commercially available processor, controller, microcontroller or state machine.
  • a processor may also be implemented as a combination of computing devices, e.g., a combination of a DSP and a microprocessor, a plurality of
  • microprocessors one or more microprocessors in conjunction with a DSP core, or any other such configuration.
  • a software module may reside in any form of storage medium that is known in the art. Some examples of storage media that may be used include random access memory (RAM), read only memory (ROM), flash memory, erasable programmable read-only memory (EPROM), electrically erasable programmable read-only memory (EEPROM), registers, a hard disk, a removable disk, a CD-ROM and so forth.
  • RAM random access memory
  • ROM read only memory
  • EPROM erasable programmable read-only memory
  • EEPROM electrically erasable programmable read-only memory
  • registers a hard disk, a removable disk, a CD-ROM and so forth.
  • a software module may comprise a single instruction, or many instructions, and may be distributed over several different code segments, among different programs, and across multiple storage media.
  • a storage medium may be coupled to a processor such that the processor can read information from, and write information to, the storage medium. In the alternative, the storage medium may be integral to the processor.
  • an example hardware configuration may comprise a processing system in a device.
  • the processing system may be implemented with a bus architecture.
  • the bus may include any number of interconnecting buses and bridges depending on the specific application of the processing system and the overall design constraints.
  • the bus may link together various circuits including a processor, machine-readable media, and a bus interface.
  • the bus interface may be used to connect a network adapter, among other things, to the processing system via the bus.
  • the network adapter may be used to implement signal processing functions.
  • a user interface e.g., keypad, display, mouse, joystick, etc.
  • the bus may also link various other circuits such as timing sources, peripherals, voltage regulators, power management circuits, and the like, which are well known in the art, and therefore, will not be described any further.
  • the processor may be responsible for managing the bus and general processing, including the execution of software stored on the machine-readable media.
  • the processor may be implemented with one or more general-purpose and/or special- purpose processors. Examples include microprocessors, microcontrollers, DSP processors, and other circuitry that can execute software.
  • Software shall be construed broadly to mean instructions, data, or any combination thereof, whether referred to as software, firmware, middleware, microcode, hardware description language, or otherwise.
  • Machine-readable media may include, by way of example, random access memory (RAM), flash memory, read only memory (ROM), programmable read-only memory (PROM), erasable programmable read-only memory (EPROM), electrically erasable programmable Read-only memory (EEPROM), registers, magnetic disks, optical disks, hard drives, or any other suitable storage medium, or any combination thereof.
  • RAM random access memory
  • ROM read only memory
  • PROM programmable read-only memory
  • EPROM erasable programmable read-only memory
  • EEPROM electrically erasable programmable Read-only memory
  • registers magnetic disks, optical disks, hard drives, or any other suitable storage medium, or any combination thereof.
  • the machine-readable media may be embodied in a computer-program product.
  • the computer-program product may comprise packaging materials.
  • the machine-readable media may be part of the processing system separate from the processor.
  • the machine-readable media, or any portion thereof may be external to the processing system.
  • the machine-readable media may include a transmission line, a carrier wave modulated by data, and/or a computer product separate from the device, all which may be accessed by the processor through the bus interface.
  • the machine-readable media, or any portion thereof may be integrated into the processor, such as the case may be with cache and/or general register files.
  • the various components discussed may be described as having a specific location, such as a local component, they may also be configured in various ways, such as certain components being configured as part of a distributed computing system.
  • the processing system may be configured as a general-purpose processing system with one or more microprocessors providing the processor functionality and external memory providing at least a portion of the machine-readable media, all linked together with other supporting circuitry through an external bus architecture.
  • the processing system may comprise one or more neuromorphic processors for implementing the neuron models and models of neural systems described herein.
  • the processing system may be implemented with an application specific integrated circuit (ASIC) with the processor, the bus interface, the user interface, supporting circuitry, and at least a portion of the machine-readable media integrated into a single chip, or with one or more field programmable gate arrays (FPGAs), programmable logic devices (PLDs), controllers, state machines, gated logic, discrete hardware components, or any other suitable circuitry, or any combination of circuits that can perform the various functionality described throughout this disclosure.
  • ASIC application specific integrated circuit
  • FPGAs field programmable gate arrays
  • PLDs programmable logic devices
  • controllers state machines, gated logic, discrete hardware components, or any other suitable circuitry, or any combination of circuits that can perform the various functionality described throughout this disclosure.
  • the machine-readable media may comprise a number of software modules.
  • the software modules include instructions that, when executed by the processor, cause the processing system to perform various functions.
  • the software modules may include a transmission module and a receiving module.
  • Each software module may reside in a single storage device or be distributed across multiple storage devices.
  • a software module may be loaded into RAM from a hard drive when a triggering event occurs.
  • the processor may load some of the instructions into cache to increase access speed.
  • One or more cache lines may then be loaded into a general register file for execution by the processor.
  • Computer- readable media include both computer storage media and communication media including any medium that facilitates transfer of a computer program from one place to another.
  • a storage medium may be any available medium that can be accessed by a computer.
  • such computer-readable media can comprise RAM, ROM, EEPROM, CD-ROM or other optical disk storage, magnetic disk storage or other magnetic storage devices, or any other medium that can be used to carry or store desired program code in the form of instructions or data structures and that can be accessed by a computer. Additionally, any connection is properly termed a computer-readable medium.
  • Disk and disc include compact disc (CD), laser disc, optical disc, digital versatile disc (DVD), floppy disk, and Blu-ray® disc where disks usually reproduce data magnetically, while discs reproduce data optically with lasers.
  • computer-readable media may comprise non-transitory computer-readable media (e.g., tangible media).
  • computer-readable media may comprise transitory computer- readable media (e.g., a signal). Combinations of the above should also be included within the scope of computer-readable media.
  • certain aspects may comprise a computer program product for performing the operations presented herein.
  • a computer program product may comprise a computer-readable medium having instructions stored (and/or encoded) thereon, the instructions being executable by one or more processors to perform the operations described herein.
  • the computer program product may include packaging material.
  • modules and/or other appropriate means for performing the methods and techniques described herein can be downloaded and/or otherwise obtained by a user terminal and/or base station as applicable.
  • a user terminal and/or base station can be coupled to a server to facilitate the transfer of means for performing the methods described herein.
  • various methods described herein can be provided via storage means (e.g., RAM, ROM, a physical storage medium such as a compact disc (CD) or floppy disk, etc.), such that a user terminal and/or base station can obtain the various methods upon coupling or providing the storage means to the device.
  • storage means e.g., RAM, ROM, a physical storage medium such as a compact disc (CD) or floppy disk, etc.
  • CD compact disc
  • floppy disk etc.
  • any other suitable technique for providing the methods and techniques described herein to a device can be utilized.

Landscapes

  • Engineering & Computer Science (AREA)
  • Theoretical Computer Science (AREA)
  • Physics & Mathematics (AREA)
  • Data Mining & Analysis (AREA)
  • Evolutionary Computation (AREA)
  • Life Sciences & Earth Sciences (AREA)
  • Artificial Intelligence (AREA)
  • General Physics & Mathematics (AREA)
  • General Engineering & Computer Science (AREA)
  • General Health & Medical Sciences (AREA)
  • Software Systems (AREA)
  • Molecular Biology (AREA)
  • Computing Systems (AREA)
  • Biophysics (AREA)
  • Biomedical Technology (AREA)
  • Mathematical Physics (AREA)
  • Computational Linguistics (AREA)
  • Health & Medical Sciences (AREA)
  • Bioinformatics & Cheminformatics (AREA)
  • Bioinformatics & Computational Biology (AREA)
  • Computer Vision & Pattern Recognition (AREA)
  • Evolutionary Biology (AREA)
  • Image Analysis (AREA)

Abstract

A method of detecting failure of an object tracking network with a failure detection network includes receiving an activation from an intermediate layer of the object tracking network and classifying the activation as a failure or success. The method also includes determining whether to initiate a recovery mode of the object tracking network or to remain in a tracking mode of the object tracking network, based on the classifying.

Description

FAILURE DETECTION FOR A NEURAL NETWORK OBJECT TRACKER
CLAIM OF PRIORITY UNDER 35 U.S.C. §119
[0001] The present application claims priority to U.S. Non-Provisional Patent Application No. 15/877,226, entitled“FAILURE DETECTION FOR A NEURAL NETWORK OBJECT TRACKER,” filed January 22, 2018, assigned to the assignee hereof, and is hereby expressly incorporated by reference herein in its entirety
BACKGROUND
Field
[0002] Certain aspects of the present disclosure generally relate to machine learning and, more particularly, to improving systems and methods for tracking objects with an artificial neural network.
Background
[0003] An artificial neural network, which may comprise an interconnected group of artificial neurons (e.g., neuron models), is a computational device or represents a method to be performed by a computational device.
[0004] The artificial neural network may be specified to perform computations on sequential data, such as a video. The computations may include extracting features and/or classifying objects in the sequential data. The extracted features and/or classification may be used for object tracking. The object tracking may be used for various applications and/or devices, such as internet protocol (IP) cameras, Internet of Things (IoT) devices, autonomous vehicles, and/or service robots. The applications may include improved or more computationally efficient object perception.
Additionally, or alternatively, the applications may include understanding an object’s path for route planning.
[0005] The goal of object tracking is to track one or more objects over consecutive frames from a sequence of frames (e.g., video). For example, given the location of a target (e.g., object) in a current frame (t), the object tracker predicts the location of the target at a subsequent frame (t+l). Over time, the object tracker may fail due to different conditions, such as unstable lighting, erratic movement of the target, clutter, and/or occlusions. The failure may be propagated through time, such that the target may be lost over a series of consecutive frames.
[0006] Conventional systems may detect a tracking failure from a trajectory difference. The trajectory difference identifies a failure if a location of the target substantially changes over consecutive frames. That is, a failure is detected if the distance (e.g., Euclidean) between object bounding boxes of two consecutive frames exceeds a threshold. Trajectory difference detection may detect false positives and may need fine tuning. That is, the threshold may be an ad hoc threshold. Also, the threshold may need to be tuned for each new tracker setting. Moreover, fast moving objects may cause false positives. Conventional systems using trajectory difference also have difficulty in detecting objects near the sensor (e.g., camera).
[0007] Conventional systems may also use appearance difference to detect a failure. Appearance difference identifies a failure if the appearance of the target substantially changes over consecutive frames. That is, a failure is detected if the distance (e.g., correlation or Euclidean) between the object patch within two consecutive frames exceeds a pre-determined threshold. Appearance difference detection may result in false positives and may need fine tuning. That is, the threshold may be an ad hoc threshold. Furthermore, false positives may be detected if the target appearance changes over time. For example, the target appearance may change due to changes in illumination and/or pose. Appearance difference detection may fail to identify a failure when a frame includes similar objects.
[0008] In conventional systems, various techniques may be used to recover a lost target. For example, the lost target may be recovered by re-initializing the object tracker, receiving user input to identify the target in a frame, and/or searching an entire frame for the lost target. It is desirable to improve object tracking systems to provide a method and system to reduce a time for detecting a tracking failure. SUMMARY
[0009] In one aspect of the present disclosure, a method for detecting failure of an object tracking network with a failure detection network is disclosed. The method includes receiving an activation from an intermediate layer of the object tracking network. The method also includes classifying the activation as a failure or success.
The method further includes determining whether to initiate a recovery mode of the object tracking network or to remain in a tracking mode of the object tracking network. The determination is based on the classification (e.g., failure or success).
[0010] Another aspect of the present disclosure is directed to an apparatus including means for receiving an activation from an intermediate layer of the object tracking network. The apparatus also includes means for classifying the activation as a failure or success. The apparatus further includes means for determining whether to initiate a recovery mode of the object tracking network or to remain in a tracking mode of the object tracking network. The determination is based on the classification (e.g., failure or success).
[0011] In another aspect of the present disclosure, a non-transitory computer-readable medium with non-transitory program code recorded thereon is disclosed. The program code is for detecting failure of an object tracking network with a failure detection network. The program code is executed by a processor and includes program code to receive an activation from an intermediate layer of the object tracking network. The program code also includes program code to classify the activation as a failure or success. The program code further includes program code to determine whether to initiate a recovery mode of the object tracking network or to remain in a tracking mode of the object tracking network. The determination is based on the classification (e.g., failure or success).
[0012] Another aspect of the present disclosure is directed to a failure detection network for detecting failure of an object tracking network. The failure detection network has a memory and one or more processors coupled to the memory. The processor(s) is configured to receive an activation from an intermediate layer of the object tracking network. The processor(s) is also configured to classify the activation as a failure or success. The processor(s) is further configured to determine whether to initiate a recovery mode of the object tracking network or to remain in a tracking mode of the object tracking network. The determination is based on the classification (e.g., failure or success).
[0013] This has outlined, rather broadly, the features and technical advantages of the present disclosure in order that the detailed description that follows may be better understood. Additional features and advantages of the disclosure will be described below. It should be appreciated by those skilled in the art that this disclosure may be readily utilized as a basis for modifying or designing other structures for carrying out the same purposes of the present disclosure. It should also be realized by those skilled in the art that such equivalent constructions do not depart from the teachings of the disclosure as set forth in the appended claims. The novel features, which are believed to be characteristic of the disclosure, both as to its organization and method of operation, together with further objects and advantages, will be better understood from the following description when considered in connection with the accompanying figures. It is to be expressly understood, however, that each of the figures is provided for the purpose of illustration and description only and is not intended as a definition of the limits of the present disclosure.
BRIEF DESCRIPTION OF THE DRAWINGS
[0014] The features, nature, and advantages of the present disclosure will become more apparent from the detailed description set forth below when taken in conjunction with the drawings in which like reference characters identify correspondingly throughout.
[0015] FIGURE 1 illustrates an example of object tracking according to aspects of the present disclosure.
[0016] FIGURE 2 illustrates an example of an object tracking neural network according to aspects of the present disclosure. [0017] FIGURE 3 illustrates an example implementation of designing a neural network using a system-on-a-chip (SOC), including a general-purpose processor in accordance with certain aspects of the present disclosure.
[0018] FIGURE 4 illustrates an example implementation of a system in accordance with aspects of the present disclosure.
[0019] FIGURE 5A is a diagram illustrating a neural network in accordance with aspects of the present disclosure.
[0020] FIGURE 5B is a block diagram illustrating an exemplary deep convolutional network (DCN) in accordance with aspects of the present disclosure.
[0021] FIGURE 6 is a block diagram illustrating an exemplary software architecture that may modularize artificial intelligence (AI) functions in accordance with aspects of the present disclosure.
[0022] FIGURE 7 is a block diagram illustrating the run-time operation of an AI application on a smartphone in accordance with aspects of the present disclosure.
[0023] FIGURE 8 illustrates an example of activations generated from an object tracking neural network in accordance with aspects of the present disclosure.
[0024] FIGURE 9 illustrates an example of an object tracking neural network and a failure detection network in accordance with aspects of the present disclosure.
[0025] FIGURES 10-11 illustrate examples of a failure detection network in accordance with aspects of the present disclosure.
[0026] FIGURE 12 illustrates a method for detecting failure of an object tracking network with a failure detection network in accordance with aspects of the present disclosure.
DETAILED DESCRIPTION
[0027] The detailed description set forth below, in connection with the appended drawings, is intended as a description of various configurations and is not intended to represent the only configurations in which the concepts described herein may be practiced. The detailed description includes specific details for the purpose of providing a thorough understanding of the various concepts. However, it will be apparent to those skilled in the art that these concepts may be practiced without these specific details. In some instances, well-known structures and components are shown in block diagram form in order to avoid obscuring such concepts.
[0028] Based on the teachings, one skilled in the art should appreciate that the scope of the disclosure is intended to cover any aspect of the disclosure, whether implemented independently of or combined with any other aspect of the disclosure. For example, an apparatus may be implemented or a method may be practiced using any number of the aspects set forth. In addition, the scope of the disclosure is intended to cover such an apparatus or method practiced using other structure, functionality, or structure and functionality in addition to or other than the various aspects of the disclosure set forth.
It should be understood that any aspect of the disclosure disclosed may be embodied by one or more elements of a claim.
[0029] The word“exemplary” is used herein to mean“serving as an example, instance, or illustration.” Any aspect described herein as“exemplary” is not necessarily to be construed as preferred or advantageous over other aspects.
[0030] Although particular aspects are described herein, many variations and permutations of these aspects fall within the scope of the disclosure. Although some benefits and advantages of the preferred aspects are mentioned, the scope of the disclosure is not intended to be limited to particular benefits, uses or objectives. Rather, aspects of the disclosure are intended to be broadly applicable to different technologies, system configurations, networks and protocols, some of which are illustrated by way of example in the figures and in the following description of the preferred aspects. The detailed description and drawings are merely illustrative of the disclosure rather than limiting, the scope of the disclosure being defined by the appended claims and equivalents thereof.
[0031] An artificial neural network may be specified to extract features and/or classify objects from sequential data, such as a video. The extracted features and/or classification may be used by the artificial neural network to track an object. FIGURE 1 illustrates an example of object tracking from a first frame (t) 100 an Nth frame (t+n) 150. The first frame 100 and the Nth frame 150 include objects 102, such as a first object 108, to be tracked by an object tracking system. Each object 102 may be given a unique object identification (ID) so that the object may be tracked through subsequent frames. As shown in FIGURE 1, each moving object 102 may be bounded by a bounding box 104. The artificial neural network may track each object 102 in a sequence of frames. That is, given an object’s bounding box 104 in the first frame 100, the artificial neural network predicts a location of each object 102 over time (e.g., over consecutive frames).
[0032] Over time, the artificial neural network may lose track of one or more objects 102 (e.g., targets) due to a failure of the object tracker. As shown in FIGURE 1, failure at a frame prior to the Nth frame 150 may cause the object tracker to lose track of an object, such as the first object 108, at the Nth frame 150. In this example, the failure of the object tracker causes a bounding box 106 of the first object 108 to be misaligned with the first object 108.
[0033] In one configuration, the artificial neural network is a convolutional neural network. The convolutional neural network may classify (e.g., discriminate) proposal regions as either a target or a background. FIGURE 2 illustrates an example of an artificial neural network 200 trained to provide a vector indicating the coordinates of a target (e.g., target bounding box) in a subsequent frame (t+l) 208. That is, given a target 202 in a first frame (t) 204 and proposals 206 in the subsequent frame (t+l) 208, the artificial neural network 200 predicts a location of the target 202 in the subsequent frame (t+l) 208.
[0034] Based on the location of the target 202 from the current frame (t) 204, the artificial neural network 200 determines one or more proposals 206 (e.g., search regions) in the subsequent frame (t+l) 208. The proposals 206 may include a predicted location of the target 202 as well as areas adjacent to the predicted location. In the present example, the proposals 206 (e.g., search regions) are identified by bounding boxes. Furthermore, the target 202 in the current frame (t) 204 is identified by a bounding box. [0035] As shown in FIGURE 2, the target 202 from the current frame (t) 204 and the subsequent frame (t+l) 208 are input to a first set of layers 210 (e.g., sampling layers) of the artificial neural network 200. The first set of layers 210 generate an extracted (e.g., cropped) target 216 from the current frame (t) 204. The first set of layers 210 also extract proposal regions 214 from each proposal 206 of the subsequent frame (t+l) 208. The extracted target 216 and extracted proposal regions 214 are input to a second set of layers 212 (e.g., representation layers) to extract features from the extracted target 216 and to extract proposal regions 214. The extracted features may be represented as activations. The activations may also be referred to as a feature map. Furthermore, the activations may include a heat map.
[0036] The extracted features are output to a target matching layer 218 (e.g., fully connected layer, convolutional layer, or cross -correlation layer). The target matching layer 218 determines matching features from the extracted target 216 and the extracted proposal regions 214 to predict the coordinates of the target 202 within the subsequent frame (t+l) 208. The features from the extracted target 216 and the extracted proposal regions 214 may be matched using contrastive similarity loss, binary classification loss, regression loss, or other types of loss functions. The predicted location may be identified by a bounding box. The process continues for each frame of a series of consecutive frames. The artificial neural network used for object tracking may be referred to as an object tracker.
[0037] As previously discussed, the object tracker may fail due to various conditions, such as, for example, unstable lighting, erratic movement by a target, movement of a tracking camera, clutter in a frame, and/or occlusion of the target.
Failure may cause the object tracker to search an incorrect region. The failure may be propagated over time such that if an object is lost at a frame /, the tracker may not find the object in a subsequent frame i+l, as well as a later frame t+n. That is, based on an initial tracking failure, the object tracker may lose track of the target. In conventional systems, a substantial period of time may pass between a failure time and a failure detection time.
[0038] Because a substantial period of time may elapse before an object tracker recovers from the initial tracking failure, it is desirable to reduce an amount of time for determining a tracking failure. Aspects of the present disclosure are directed to detecting a tracking failure and initializing a recovery mode in response to the detected failure. The recovery mode may re-initialize the target and the search regions. Failure detection may also improve the fusion of multiple trackers. For example, when multiple trackers are used together, the failure detection may filter out predictions from failed trackers.
[0039] FIGURE 3 illustrates an example implementation of the aforementioned method of detecting failure of an object tracking network using a system-on-a-chip (SOC) 300, which may include a general-purpose processor (CPU) or multi-core general-purpose processors (CPUs) 302 in accordance with certain aspects of the present disclosure. Variables (e.g., neural signals and synaptic weights), system parameters associated with a computational device (e.g., neural network with weights), delays, frequency bin information, and task information may be stored in a memory block associated with a neural processing unit (NPU) 308, in a memory block associated with a CPU 302, in a memory block associated with a graphics processing unit (GPU) 304, in a memory block associated with a digital signal processor (DSP) 306, in a dedicated memory block 318, or may be distributed across multiple blocks. Instructions executed at the general-purpose processor 302 may be loaded from a program memory associated with the CPU 302 or may be loaded from a dedicated memory block 318.
[0040] The SOC 300 may also include additional processing blocks tailored to specific functions, such as a GPU 304, a DSP 306, a connectivity block 330, which may include fifth generation (5G) connectivity, fourth generation long term evolution (4G LTE) connectivity, unlicensed Wi-Fi connectivity, USB connectivity, Bluetooth connectivity, and the like, and a multimedia processor 312 that may, for example, detect and recognize gestures. In one implementation, the NPU is implemented in the CPU, DSP, and/or GPU. The SOC 300 may also include a sensor processor 314, image signal processors (ISPs), and/or navigation 320, which may include a global positioning system.
[0041] The SOC 300 may be based on an ARM instruction set. In an aspect of the present disclosure, the instructions loaded into the general-purpose processor 302 may comprise code to receive activations from an intermediate layer of the object tracking network. The instructions loaded into the general-purpose processor 302 may also comprise code to classify the activations as a failure or success. In addition, the instructions loaded into the general-purpose processor 302 may comprise code to determine whether to adjust a mode of the object tracking network based on the classification.
[0042] FIGURE 4 illustrates an example implementation of a system 400 in accordance with certain aspects of the present disclosure. As illustrated in FIGURE 4, the system 400 may have multiple local processing units 402 that may perform various operations of methods described herein. Each local processing unit 402 may comprise a local state memory 404 and a local parameter memory 406 that may store parameters of a neural network. In addition, the local processing unit 402 may have a local (neuron) model program (LMP) memory 408 for storing a local model program, a local learning program (LLP) memory 410 for storing a local learning program, and a local connection memory 412. Furthermore, as illustrated in FIGURE 4, each local processing unit 402 may interface with a configuration processor unit 414 for providing configurations for local memories of the local processing unit, and with a routing connection processing unit 416 that provides routing between the local processing units 402.
[0043] Deep learning architectures may perform an object recognition task by learning to represent inputs at successively higher levels of abstraction in each layer, thereby building up a useful feature representation of the input data. In this way, deep learning addresses a major bottleneck of traditional machine learning. Prior to the advent of deep learning, a machine learning approach to an object recognition problem may have relied heavily on human engineered features, perhaps in combination with a shallow classifier. A shallow classifier may be a two-class linear classifier, for example, in which a weighted sum of the feature vector components may be compared with a threshold to predict to which class the input belongs. Human engineered features may be templates or kernels tailored to a specific problem domain by engineers with domain expertise. Deep learning architectures, in contrast, may learn to represent features that are similar to what a human engineer might design, but through training. Furthermore, a deep network may learn to represent and recognize new types of features that a human might not have considered. [0044] A deep learning architecture may leam a hierarchy of features. If presented with visual data, for example, the first layer may learn to recognize relatively simple features, such as edges, in the input stream. In another example, if presented with auditory data, the first layer may leam to recognize spectral power in specific frequencies. The second layer, taking the output of the first layer as input, may learn to recognize combinations of features, such as simple shapes for visual data or
combinations of sounds for auditory data. For instance, higher layers may learn to represent complex shapes in visual data or words in auditory data. Still higher layers may learn to recognize common visual objects or spoken phrases.
[0045] Deep learning architectures may perform especially well when applied to problems that have a natural hierarchical structure. For example, the classification of motorized vehicles may benefit from first learning to recognize wheels, windshields, and other features. These features may be combined at higher layers in different ways to recognize cars, trucks, and airplanes.
[0046] Neural networks may be designed with a variety of connectivity patterns. In feed-forward networks, information is passed from lower to higher layers, with each neuron in a given layer communicating to neurons in higher layers. A hierarchical representation may be built up in successive layers of a feed-forward network, as described above. Neural networks may also have recurrent or feedback (also called top- down) connections. In a recurrent connection, the output from a neuron in a given layer may be communicated to another neuron in the same layer. A recurrent architecture may be helpful in recognizing patterns that span more than one of the input data chunks that are delivered to the neural network in a sequence. A connection from a neuron in a given layer to a neuron in a lower layer is called a feedback (or top-down) connection.
A network with many feedback connections may be helpful when the recognition of a high-level concept may aid in discriminating the particular low-level features of an input.
[0047] Referring to FIGURE 5A, the connections between layers of a neural network may be fully connected 502 or locally connected 504. In a fully connected network 502, a neuron in a first layer may communicate its output to every neuron in a second layer, so that each neuron in the second layer will receive input from every neuron in the first layer. Alternatively, in a locally connected network 504, a neuron in a first layer may be connected to a limited number of neurons in the second layer. A convolutional network 506 may be locally connected, and is further configured such that the connection strengths associated with the inputs for each neuron in the second layer are shared (e.g., 508). More generally, a locally connected layer of a network may be configured so that each neuron in a layer will have the same or a similar connectivity pattern, but with connections strengths that may have different values (e.g., 510, 512, 514, and 516). The locally connected connectivity pattern may give rise to spatially distinct receptive fields in a higher layer, because the higher layer neurons in a given region may receive inputs that are tuned through training to the properties of a restricted portion of the total input to the network.
[0048] Locally connected neural networks may be well suited to problems in which the spatial location of inputs is meaningful. For instance, a network 500 designed to recognize visual features from a car-mounted camera may develop high layer neurons with different properties depending on their association with the lower versus the upper portion of the image. Neurons associated with the lower portion of the image may learn to recognize lane markings, for example, while neurons associated with the upper portion of the image may learn to recognize traffic lights, traffic signs, and the like.
[0049] A DCN may be trained with supervised learning. During training, a DCN may be presented with an image, such as a cropped image of a speed limit sign 526, and a“forward pass” may then be computed to produce an output 522. The output 522 may be a vector of values corresponding to features such as“sign,”“60,” and“100.” The network designer may want the DCN to output a high score for some of the neurons in the output feature vector, for example the ones corresponding to“sign” and“60” as shown in the output 522 for a network 500 that has been trained. Before training, the output produced by the DCN is likely to be incorrect, and so an error may be calculated between the actual output and the target output. The weights of the DCN may then be adjusted so that the output scores of the DCN are more closely aligned with the target.
[0050] To adjust the weights, a learning algorithm may compute a gradient vector for the weights. The gradient may indicate an amount that an error would increase or decrease if the weight were adjusted slightly. At the top layer, the gradient may correspond directly to the value of a weight connecting an activated neuron in the penultimate layer and a neuron in the output layer. In lower layers, the gradient may depend on the value of the weights and on the computed error gradients of the higher layers. The weights may then be adjusted to reduce the error. This manner of adjusting the weights may be referred to as“back propagation” as it involves a“backward pass” through the neural network.
[0051] In practice, the error gradient of weights may be calculated over a small number of examples, so that the calculated gradient approximates the true error gradient. This approximation method may be referred to as stochastic gradient descent. Stochastic gradient descent may be repeated until the achievable error rate of the entire system has stopped decreasing or until the error rate has reached a target level.
[0052] After learning, the DCN may be presented with new images 526 and a forward pass through the network may yield an output 522 that may be considered an inference or a prediction of the DCN.
[0053] Deep belief networks (DBNs) are probabilistic models comprising multiple layers of hidden nodes. DBNs may be used to extract a hierarchical representation of training data sets. A DBN may be obtained by stacking up layers of Restricted
Boltzmann Machines (RBMs). An RBM is a type of artificial neural network that can learn a probability distribution over a set of inputs. Because RBMs can learn a probability distribution in the absence of information about the class to which each input should be categorized, RBMs are often used in unsupervised learning. Using a hybrid unsupervised and supervised paradigm, the bottom RBMs of a DBN may be trained in an unsupervised manner and may serve as feature extractors, and the top RBM may be trained in a supervised manner (on a joint distribution of inputs from the previous layer and target classes) and may serve as a classifier.
[0054] Deep convolutional networks (DCNs) are networks of convolutional networks, configured with additional pooling and normalization layers. DCNs have achieved state-of-the-art performance on many tasks. DCNs can be trained using supervised learning in which both the input and output targets are known for many exemplars and are used to modify the weights of the network by use of gradient descent methods.
[0055] DCNs may be feed-forward networks. In addition, as described above, the connections from a neuron in a first layer of a DCN to a group of neurons in the next higher layer are shared across the neurons in the first layer. The feed-forward and shared connections of DCNs may be exploited for fast processing. The computational burden of a DCN may be much less, for example, than that of a similarly sized neural network that comprises recurrent or feedback connections.
[0056] The processing of each layer of a convolutional network may be considered a spatially invariant template or basis projection. If the input is first decomposed into multiple channels, such as the red, green, and blue channels of a color image, then the convolutional network trained on that input may be considered three-dimensional, with two spatial dimensions along the axes of the image and a third dimension capturing color information. The outputs of the convolutional connections may be considered to form a feature map in the subsequent layer 518 and 520, with each element of the feature map (e.g., 520) receiving input from a range of neurons in the previous layer (e.g., 518) and from each of the multiple channels. The values in the feature map may be further processed with a non-linearity, such as a rectification, max(0,x). Values from adjacent neurons may be further pooled, which corresponds to down sampling, and may provide additional local invariance and dimensionality reduction. Normalization, which corresponds to whitening, may also be applied through lateral inhibition between neurons in the feature map.
[0057] The performance of deep learning architectures may increase as more labeled data points become available or as computational power increases. Modem deep neural networks are routinely trained with computing resources that are thousands of times greater than what was available to a typical researcher just fifteen years ago. New architectures and training paradigms may further boost the performance of deep learning. Rectified linear units may reduce a training issue known as vanishing gradients. New training techniques may reduce over-fitting and thus enable larger models to achieve better generalization. Encapsulation techniques may abstract data in a given receptive field and further boost overall performance. [0058] FIGURE 5B is a block diagram illustrating an exemplary deep convolutional network 550. The deep convolutional network 550 may include multiple different types of layers based on connectivity and weight sharing. As shown in FIGURE 5B, the exemplary deep convolutional network 550 includes multiple convolution blocks 552, 554. Each of the convolution blocks 552, 554 may be configured with a convolution layer 556, a normalization layer (LNorm) 558, and a pooling layer 560. The
convolution layers 556 may include one or more convolutional filters (not shown), which may be applied to the input data to generate a feature map. Although only two convolution blocks 552, 554 are shown, the present disclosure is not so limiting, and instead, any number of convolutional blocks may be included in the deep convolutional network 550 according to design preference. The normalization layer 558 may be used to normalize the output of the convolution filters. For example, the normalization layer 558 may provide whitening or lateral inhibition. The pooling layer 560 may provide down sampling aggregation over space for local invariance and dimensionality reduction.
[0059] The parallel filter banks, for example, of a deep convolutional network may be loaded on a CPU 102 or GPU 104 of an SOC 100, optionally based on an ARM instruction set, to achieve high performance and low power consumption. In alternative embodiments, the parallel filter banks may be loaded on the DSP 106 or an ISP 116 of an SOC 100. In addition, the DCN may access other processing blocks that may be present on the SOC, such as processing blocks dedicated to sensors 114 and navigation 120.
[0060] The deep convolutional network 550 may also include one or more fully connected layers 562, 564. The deep convolutional network 550 may further include a logistic regression (LR) layer 566. Between each layer of the deep convolutional network 550 are weights (not shown) that are to be updated. The output of each layer may serve as an input of a succeeding layer in the deep convolutional network 550 to learn hierarchical feature representations from input data (e.g., images, audio, video, sensor data and/or other input data) supplied at the first convolution block 552.
[0061] FIGURE 6 is a block diagram illustrating an exemplary software architecture 600 that may modularize artificial intelligence (AI) functions. Using the architecture, applications 602 may be designed that may cause various processing blocks of an SOC 620 (for example a CPU 622, a DSP 624, a GPU 626 and/or an NPU 628) to perform supporting computations during run-time operation of the application 602.
[0062] The AI application 602 may be configured to call functions defined in a user space 604 that may, for example, provide for the detection and recognition of a scene indicative of the location in which the device currently operates. The AI application 602 may, for example, configure a microphone and a camera differently depending on whether the recognized scene is an office, a lecture hall, a restaurant, or an outdoor setting such as a lake. The AI application 602 may make a request to compiled program code associated with a library defined in a SceneDetect application programming interface (API) 606 to provide an estimate of the current scene. This request may ultimately rely on the output of a deep neural network configured to provide scene estimates based on video and positioning data, for example.
[0063] A run-time engine 608, which may be compiled code of a Runtime
Framework, may be further accessible to the AI application 602. The AI application 602 may cause the run-time engine, for example, to request a scene estimate at a particular time interval or triggered by an event detected by the user interface of the application. When caused to estimate the scene, the run-time engine may in turn send a signal to an operating system 610, such as a Linux Kernel 612, running on the SOC 620. The operating system 610, in turn, may cause a computation to be performed on the CPU 622, the DSP 624, the GPU 626, the NPU 628, or some combination thereof. The CPU 622 may be accessed directly by the operating system, and other processing blocks may be accessed through a driver, such as a driver 614-618 for a DSP 624, for a GPU 626, or for an NPU 628. In the exemplary example, the deep neural network may be configured to run on a combination of processing blocks, such as a CPU 622 and a GPU 626, or may be run on an NPU 628, if present.
[0064] FIGURE 7 is a block diagram illustrating the run-time operation 700 of an AI application on a smartphone 702. The AI application may include a pre-process module 704 that may be configured (using for example, the JAVA programming language) to convert the format of an image 706 and then crop and/or resize the image 708. The pre-processed image may then be communicated to a classify application 710 that contains a SceneDetect Backend Engine 712 that may be configured (using for example, the C programming language) to detect and classify scenes based on visual input. The SceneDetect Backend Engine 712 may be configured to further preprocess 714 the image by scaling 716 and cropping 718. For example, the image may be scaled and cropped so that the resulting image is 224 pixels by 224 pixels. These dimensions may map to the input dimensions of a neural network. The neural network may be configured by a deep neural network block 720 to cause various processing blocks of the SOC 300 to further process the image pixels with a deep neural network. The results of the deep neural network may then be thresholded 722 and passed through an exponential smoothing block 724 in the classify application 710. The smoothed results may then cause a change of the settings and/or the display of the smartphone 702.
[0065] In one configuration, a machine learning model is configured for receiving an activation from an intermediate layer of the object tracking network. The model is also configured for classifying the activation as a failure or success. The model is further configured for determining whether to adjust a mode of the object tracking network based on the classification.
[0066] The model includes receiving means, classifying means, and/or determining means. In one aspect, the receiving means, classifying means, and/or determining means may be the general-purpose processor 302, program memory associated with the general-purpose processor 302, memory block 318, local processing units 402, and or the routing connection processing units 416 configured to perform the functions recited. In another configuration, the aforementioned means may be any module or any apparatus configured to perform the functions recited by the aforementioned means.
[0067] According to certain aspects of the present disclosure, each local processing unit 402 may be configured to determine parameters of the model based upon desired one or more functional features of the model, and develop the one or more functional features towards the desired functional features as the determined parameters are further adapted, tuned and updated.
[0068] As previously discussed, an object tracking system may implement an artificial neural network, such as a convolutional neural network, to track an object. In one configuration, the activations of the artificial neural network are used to determine whether the object tracker has failed. That is, activations of a properly functioning object tracker are different from activations of a failed object tracker. In this configuration, activations are classified by a failure detection network. The failure detection network may be trained to detect a failure from network activations.
[0069] FIGURE 8 illustrates examples of activations (e.g., feature maps) of a tracked object and a lost object. In this example, feature maps are generated from a cross-correlation layer. The cross-correlation layer convolves activations from a target representation (e.g., filters) into activations from a proposal representations (e.g., input). As shown in FIGURE 8, feature maps 802 of a tracked target are different from feature maps 804 of a lost target. In this example, the feature maps 802 of the tracked target may be more centered and less scattered in comparison to the feature maps 804 of the lost target. The lost target refers to a target that is not properly tracked due to a failure of the object tracker.
[0070] Aspects of the present disclosure are directed to training a second network to classify a tracker as failed (e.g., lost target) or successful (e.g., tracked target). The second network (e.g., failure detection network) may receive activations from any layer of an object tracking network (e.g., first network). FIGURE 9 illustrates an example of an artificial neural network 900 that includes an object tracking network 902 and a failure detection network 904 according to aspects of the present disclosure.
[0071] The failure detection network 904 may be a trained binary classifier. In this configuration, based on the received feature maps, the failure detection network 904 determines whether tracking has failed. That is, the failure detection network 904 may classify the tracking as failed or successful. In one configuration, the failure detection network 904 is a convolutional neural network, such as a shallow convolutional neural network. In another embodiment, the failure detection network 904 is a recurrent convolutional neural network.
[0072] As shown in FIGURE 9, a first set of layers 906 (e.g., sampling layers) generates an extracted (e.g., cropped) target 908 from the current frame (t) 910. The first set of layers 906 also extract proposal regions 914 from each proposed search region 912 of a subsequent frame (t+l) 920. The extracted target 908 and extracted proposal regions 914 are input to a second set of layers 916 (e.g., representation layers) to extract features from the extracted target 908 and the extracted proposal regions 914. That is, the second set of layers 916 generates feature maps based on the extracted target 908 and extracted proposal regions 914.
[0073] In one configuration, the feature maps (e.g., activations) are output to the failure detection network 904. The feature maps and activations may also be referred to as intermediary representations. Furthermore, the feature maps and activations may include activity maps (e.g., heat maps), or other types of maps. That is, the activity maps may be any type of activation from an intermediate layer of the object tracking network 902.
[0074] In the example of FIGURE 9, the failure detection network 904 receives the feature maps from the second set of layers 916. As discussed above, aspects of the present disclosure are not limited to receiving feature maps from the second set of layers 916. The failure detection network 904 may receive activations from any layer.
Furthermore, in addition to receiving activations, the failure detection network 904 may also receive contextual information, such as raw pixels of a frame and/or an optical flow. The contextual information may improve the failure detection.
[0075] In one configuration, in response to receiving the activations, the failure detection network may classify the tracker as failed or successful. As shown in
FIGURE 9, the failure detection network 904 may output the classification to the object tracking network 902. If the failure detection network 904 classifies the tracker as failed, the object tracking network 902 initiates a recovery mode of the object tracking network 902. Additionally, or alternatively, based on the classification, the failure detection network 904 may initiate a recovery mode of the object tracking network 902. [0076] The recovery mode re-initializes the tracker by setting a new target object. The coordinates of the new target object may be requested from user or may be obtained from an object detector. Additionally, the recovery mode may refine the search region (e.g., a location where the tracker is searching for the object) based on the new location of the target. For example, the recovery mode may expand the search region around the target location. Furthermore, in response to the failure detection network 904 determining that the object tracking network 902 has not failed, the object tracking network 902 may remain in a tracking mode.
[0077] Additionally, as shown in FIGURE 9, extracted features are output to a target matching layer 918 (e.g., fully connected layer or cross -correlation layer). The target matching layer 918 determines matching features from the extracted target 908 and proposal regions 914 to predict the coordinates of the target within the subsequent frame (t+l) 920. The predicted matching for the extracted target 908 and the extracted proposal regions 914 may be evaluated using contrastive similarity loss, binary classification loss, regression loss, or other types of loss functions. The location may be indicated by a bounding box. The process continues for each frame of a series of consecutive frames.
[0078] The artificial neural network used for object tracking can be referred to as an object tracker. Additionally, aspects of the present disclosure are not limited to a Siamese tracking network and contemplate any type of tracking network. For example, the object tracking network 902 may have one branch for the representation layer 916, such that the failure detection network 904 receives activations from only one branch.
[0079] As previously discussed, a failure detection network may be trained to classify an object tracker as failed (e.g., not tracking) or successful (e.g., tracking) based on feature maps generated at an object tracking network. In one configuration, the failure detection network is trained with a trained object tracking network and also training videos with object bounding boxes. The object tracking network may be trained by any training technique. In one configuration, the trained object tracking network receives the training videos as an input. [0080] In response to receiving the training videos, the trained object tracker may begin tracking objects in the training videos. During the course of the object tracking, hidden layers of the trained object tracking network may generate feature maps based on the training videos. For example, cross-correlation layers of the trained object tracking network may generate responses for a fully convolutional Siamese network.
Furthermore, when training the failure detection network, an object location predicted by the trained object tracking may be compared to a ground-truth object location. In one configuration, failure labels are extracted based on an overlap between the predicted object location and the ground-truth object location. The overlap may be measured as the intersection over union between two bounding boxes. The failure labels may be correlated with the feature maps to train the failure detection network as a binary classifier for classifying a failed tracker. Additionally, or alternatively, the failure detection network may be trained based on a regression loss that predicts the overlap value between the tracked bounding box and the ground- truth bounding box.
[0081] Aspects of the present disclosure are not limited to training the failure detection network after the object tracking network has been trained. The failure detection network may be trained jointly or independently from the object tracking network. In one configuration, the same training data (e.g., training videos) is used to train (independently or jointly) the object tracking network and the failure detection network. In another configuration, the prevent coadoption by both the object tracking network and the failure detection network, different training data is used when training (independently or jointly) the object tracking network and the failure detection network.
[0082] As previously discussed, the failure detection network may be a recurrent convolutional neural network. In this configuration, the failure detection network is trained using training data with a temporal dependency length (e.g., ms or seconds) that is determined based on a use case. The use case may correspond to an expected amount of occlusion in a sensor’s environment. For example, if the sensor (e.g., camera on a car) is expected to be on a freeway (e.g., highly dynamic environment) where objects are occluded for a short period of time, training data with short temporal dependencies may be used for training. In another example, if the sensor is expected to be on a city street where objects may be occluded for a long period of time, training data with long temporal dependencies may be used for training. The temporal dependency refers to the temporal relationship of an object over a series of frames, which correspond to the sequence lengths used for training.
[0083] In most cases, feature maps are two-dimensional (2D) tensors. Therefore, in one configuration, the failure detection network is a convolutional neural network that is capable of capturing spatial information of the feature maps. FIGURE 10 illustrates an example of a failure detection network 1000 according to aspects of the present disclosure. As shown in FIGURE 10, a convolution layer 1002 receives feature maps from one or more layers, such as cross-correlation layers, of an object tracking network. The convolution layer 1002 convolves the feature maps with filters and transmits the convolved feature maps to a first sigmoid layer 1004. In one configuration, the convolution layer 1002 uses a 3x3 convolution filter. The first sigmoid layer 1004 introduces non-linearity to the failure detection network 1000, which is used to learn decision boundaries (e.g., failure vs. non-failure). Other non-linearities may be used, such as a rectified linear unit (ReLU) or a hyperbolic tangent (tanh). That is, an output of the convolution layer 1002 (e.g., the product of an input and weights) may be represented as a linear combination of the input (e.g., sequence of feature maps) based on an output of the first sigmoid layer 1004.
[0084] The first sigmoid layer 1004 outputs to a global max pooling layer 1006.
The global max pooling layer 1006 aggregates the feature maps into one dimensional vectors. The one dimensional vectors may be the desired input to the fully connected layer 1010 (e.g., target matching layer). Furthermore, the global max pooling layer 1006 outputs to a second sigmoid layer 1008. The second sigmoid layer 1008 outputs to a fully connected layer 1010. In this configuration, because the failure detection network 1000 is a binary classifier, the fully connected layer 1010 generates a two- dimensional vector. A first dimension of the vector corresponds to a probability of a tracker failure and a second dimension of the vector corresponds to a probability of a tracker success. The two-dimensional vector may be output to a third sigmoid layer 1012 and then a cross-entropy loss layer 1014. The cross-entropy loss layer 1014 outputs the probability of a target loss. The cross-entropy loss layer 1014 compares the prediction from the fully connected layer 1010 with the ground-truth. The cross-entropy loss layer 1014 may be replaced by other classifications or regression losses.
[0085] In another configuration, the failure detection network is a recurrent neural network, such as a recurrent convolutional neural network, a long short term memory (LSTM) network, or a gated recurrent unit (GRU) network. FIGURE 11 illustrates an example of a failure detection network 1100 according to aspects of the present disclosure. As shown in FIGURE 11, a convolution layer 1102 receives feature maps from one or more layers, such as cross-correlation layers, of an object tracking network. The convolution layer 1102 convolves the feature maps with filters and transmits the convolved feature maps to a first sigmoid layer 1104. The first sigmoid layer 1104 introduces non-linearity to the failure detection network 1100. That is, an output of the convolution layer 1102 (e.g., the product of an input and weights) may be represented as a linear combination of the input (e.g., sequence of feature maps) based on an output of the first sigmoid layer 1104.
[0086] The first sigmoid layer 1104 outputs to a global max pooling layer 1106. Furthermore, the global max pooling layer 1106 outputs to a second sigmoid layer 1108. The second sigmoid layer 1108 outputs to a recurrent layer 1110. The recurrent layer 1110 may model temporal dependencies of the activations. That is, by modeling the temporal dependencies of the activations, the failure detection network 1100 may detect a failure over time (e.g., a series of frames) rather than detecting a failure at an individual frame. For example, based on an environment of a sensor (e.g., car driving on a highway, car driving at night, or car driving on an open road), a number of frames (e.g., temporal length) may be set for detecting a failure. In this example, the failure is detected if the activations indicate a failure over the set number of frames.
[0087] Additionally, the recurrent layer 1110 outputs to a fully connected layer 1115. In this configuration, because the failure detection network 1100 is a binary classifier, the fully connected layer 1115 generates a vector. A first element of the vector corresponds to a probability of a tracker failure and a second element of the vector corresponds to a probability of a tracker success. The predicted vector may be output to a third sigmoid layer 1112 and then a cross-entropy loss layer 1114. The cross-entropy loss layer 1114 outputs the probability of a target loss. [0088] FIGURE 12 illustrates a method 1200 for detecting failure of an object tracking network with a failure detection network in accordance with aspects of the present disclosure. In an optional configuration, at block 1202, a failure detection network and an object tracking network are independently trained. Alternatively, or additionally, in an optional configuration, at block 1204, the failure detection network and an object tracking network are jointly trained. That is, the failure detection network may be trained to classify an object tracker as failed (e.g., not tracking) or successful (e.g., tracking) based on feature maps generated at an object tracking network.
[0089] At block 1206, the failure detection network receives an activation from an intermediate layer of the object tracking network. As an example, as shown in FIGURE 9, the failure detection network may receive activations from a representation layer.
The activation includes a similarity map and/or an output from an intermediate layer. In an optional configuration, at block 1208, the failure detection network receives contextual information including raw pixels and/or optical flow.
[0090] The failure detection network may be a convolutional neural network or a recurrent convolutional neural network. The convolutional neural network may be a shallow convolutional neural network. In an optional configuration, at block 1210, the failure detection models temporal dependencies of the activation via a recurrent layer. The recurrent layer includes a long short term memory network or a gated recurrent unit network. The temporal dependency refers to the temporal relationship of an object over a series of frames, which correspond to the sequence lengths used for training. The use case may correspond to an expected amount of occlusion in a sensor’s environment. For example, if the sensor (e.g., camera on a car) is expected to be on a freeway (e.g., highly dynamic environment) where objects are occluded for a short period of time, training data with short temporal dependencies may be used for training.
[0091] At block 1212, the failure detection network classifies the activation as a failure or success. The classification may be based on the received activation.
Alternatively, the classification may be based on the received activation and also the received contextual information. At block 1214, the failure detection network determines whether to initiate a recovery mode of the object tracking network or to remain in a tracking mode of the object tracking network. The determination may be based on the classification of the failure or success. In an optional configuration, at block 1216, the failure detection network initiates the recovery mode for the object tracking network based on determining that the object tracking network has failed. The recovery mode includes resetting the object tracking network, switching to an object detector, refining a search region, or requesting user input.
[0092] In some aspects, the method 1200 may be performed by the SOC 300 (FIGURE 3) or the system 400 (FIGURE 4). That is, each of the elements of method 1200 may, for example, but without limitation, be performed by the SOC 300 or the system 400 or one or more processors (e.g., CPU 302 and local processing unit 402) and/or other components included therein.
[0093] The various operations of methods described above may be performed by any suitable means capable of performing the corresponding functions. The means may include various hardware and/or software component(s) and/or module(s), including, but not limited to, a circuit, an application specific integrated circuit (ASIC), or processor. Generally, where there are operations illustrated in the figures, those operations may have corresponding counterpart means-plus-function components with similar numbering.
[0094] As used herein, the term“determining” encompasses a wide variety of actions. For example,“determining” may include calculating, computing, processing, deriving, investigating, looking up (e.g., looking up in a table, a database or another data structure), ascertaining and the like. Additionally,“determining” may include receiving (e.g., receiving information), accessing (e.g., accessing data in a memory) and the like. Furthermore,“determining” may include resolving, selecting, choosing, establishing and the like.
[0095] As used herein, a phrase referring to“at least one of’ a list of items refers to any combination of those items, including single members. As an example,“at least one of: a, b, or c” is intended to cover: a, b, c, a-b, a-c, b-c, and a-b-c.
[0096] The various illustrative logical blocks, modules and circuits described in connection with the present disclosure may be implemented or performed with a general-purpose processor, a digital signal processor (DSP), an application specific integrated circuit (ASIC), a field programmable gate array signal (FPGA) or other programmable logic device (PLD), discrete gate or transistor logic, discrete hardware components or any combination thereof designed to perform the functions described herein. A general-purpose processor may be a microprocessor, but in the alternative, the processor may be any commercially available processor, controller, microcontroller or state machine. A processor may also be implemented as a combination of computing devices, e.g., a combination of a DSP and a microprocessor, a plurality of
microprocessors, one or more microprocessors in conjunction with a DSP core, or any other such configuration.
[0097] The steps of a method or algorithm described in connection with the present disclosure may be embodied directly in hardware, in a software module executed by a processor, or in a combination of the two. A software module may reside in any form of storage medium that is known in the art. Some examples of storage media that may be used include random access memory (RAM), read only memory (ROM), flash memory, erasable programmable read-only memory (EPROM), electrically erasable programmable read-only memory (EEPROM), registers, a hard disk, a removable disk, a CD-ROM and so forth. A software module may comprise a single instruction, or many instructions, and may be distributed over several different code segments, among different programs, and across multiple storage media. A storage medium may be coupled to a processor such that the processor can read information from, and write information to, the storage medium. In the alternative, the storage medium may be integral to the processor.
[0098] The methods disclosed herein comprise one or more steps or actions for achieving the described method. The method steps and/or actions may be interchanged with one another without departing from the scope of the claims. In other words, unless a specific order of steps or actions is specified, the order and/or use of specific steps and/or actions may be modified without departing from the scope of the claims.
[0099] The functions described may be implemented in hardware, software, firmware, or any combination thereof. If implemented in hardware, an example hardware configuration may comprise a processing system in a device. The processing system may be implemented with a bus architecture. The bus may include any number of interconnecting buses and bridges depending on the specific application of the processing system and the overall design constraints. The bus may link together various circuits including a processor, machine-readable media, and a bus interface. The bus interface may be used to connect a network adapter, among other things, to the processing system via the bus. The network adapter may be used to implement signal processing functions. For certain aspects, a user interface (e.g., keypad, display, mouse, joystick, etc.) may also be connected to the bus. The bus may also link various other circuits such as timing sources, peripherals, voltage regulators, power management circuits, and the like, which are well known in the art, and therefore, will not be described any further.
[00100] The processor may be responsible for managing the bus and general processing, including the execution of software stored on the machine-readable media. The processor may be implemented with one or more general-purpose and/or special- purpose processors. Examples include microprocessors, microcontrollers, DSP processors, and other circuitry that can execute software. Software shall be construed broadly to mean instructions, data, or any combination thereof, whether referred to as software, firmware, middleware, microcode, hardware description language, or otherwise. Machine-readable media may include, by way of example, random access memory (RAM), flash memory, read only memory (ROM), programmable read-only memory (PROM), erasable programmable read-only memory (EPROM), electrically erasable programmable Read-only memory (EEPROM), registers, magnetic disks, optical disks, hard drives, or any other suitable storage medium, or any combination thereof. The machine-readable media may be embodied in a computer-program product. The computer-program product may comprise packaging materials.
[00101] In a hardware implementation, the machine-readable media may be part of the processing system separate from the processor. However, as those skilled in the art will readily appreciate, the machine-readable media, or any portion thereof, may be external to the processing system. By way of example, the machine-readable media may include a transmission line, a carrier wave modulated by data, and/or a computer product separate from the device, all which may be accessed by the processor through the bus interface. Alternatively, or in addition, the machine-readable media, or any portion thereof, may be integrated into the processor, such as the case may be with cache and/or general register files. Although the various components discussed may be described as having a specific location, such as a local component, they may also be configured in various ways, such as certain components being configured as part of a distributed computing system.
[00102] The processing system may be configured as a general-purpose processing system with one or more microprocessors providing the processor functionality and external memory providing at least a portion of the machine-readable media, all linked together with other supporting circuitry through an external bus architecture.
Alternatively, the processing system may comprise one or more neuromorphic processors for implementing the neuron models and models of neural systems described herein. As another alternative, the processing system may be implemented with an application specific integrated circuit (ASIC) with the processor, the bus interface, the user interface, supporting circuitry, and at least a portion of the machine-readable media integrated into a single chip, or with one or more field programmable gate arrays (FPGAs), programmable logic devices (PLDs), controllers, state machines, gated logic, discrete hardware components, or any other suitable circuitry, or any combination of circuits that can perform the various functionality described throughout this disclosure. Those skilled in the art will recognize how best to implement the described functionality for the processing system depending on the particular application and the overall design constraints imposed on the overall system.
[00103] The machine-readable media may comprise a number of software modules. The software modules include instructions that, when executed by the processor, cause the processing system to perform various functions. The software modules may include a transmission module and a receiving module. Each software module may reside in a single storage device or be distributed across multiple storage devices. By way of example, a software module may be loaded into RAM from a hard drive when a triggering event occurs. During execution of the software module, the processor may load some of the instructions into cache to increase access speed. One or more cache lines may then be loaded into a general register file for execution by the processor. When referring to the functionality of a software module below, it will be understood that such functionality is implemented by the processor when executing instructions from that software module. Furthermore, it should be appreciated that aspects of the present disclosure result in improvements to the functioning of the processor, computer, machine, or other system implementing such aspects.
[00104] If implemented in software, the functions may be stored or transmitted over as one or more instructions or code on a computer-readable medium. Computer- readable media include both computer storage media and communication media including any medium that facilitates transfer of a computer program from one place to another. A storage medium may be any available medium that can be accessed by a computer. By way of example, and not limitation, such computer-readable media can comprise RAM, ROM, EEPROM, CD-ROM or other optical disk storage, magnetic disk storage or other magnetic storage devices, or any other medium that can be used to carry or store desired program code in the form of instructions or data structures and that can be accessed by a computer. Additionally, any connection is properly termed a computer-readable medium. For example, if the software is transmitted from a website, server, or other remote source using a coaxial cable, fiber optic cable, twisted pair, digital subscriber line (DSL), or wireless technologies such as infrared (IR), radio, and microwave, then the coaxial cable, fiber optic cable, twisted pair, DSL, or wireless technologies such as infrared, radio, and microwave are included in the definition of medium. Disk and disc, as used herein, include compact disc (CD), laser disc, optical disc, digital versatile disc (DVD), floppy disk, and Blu-ray® disc where disks usually reproduce data magnetically, while discs reproduce data optically with lasers. Thus, in some aspects computer-readable media may comprise non-transitory computer-readable media (e.g., tangible media). In addition, for other aspects computer-readable media may comprise transitory computer- readable media (e.g., a signal). Combinations of the above should also be included within the scope of computer-readable media.
[00105] Thus, certain aspects may comprise a computer program product for performing the operations presented herein. For example, such a computer program product may comprise a computer-readable medium having instructions stored (and/or encoded) thereon, the instructions being executable by one or more processors to perform the operations described herein. For certain aspects, the computer program product may include packaging material.
[00106] Further, it should be appreciated that modules and/or other appropriate means for performing the methods and techniques described herein can be downloaded and/or otherwise obtained by a user terminal and/or base station as applicable. For example, such a device can be coupled to a server to facilitate the transfer of means for performing the methods described herein. Alternatively, various methods described herein can be provided via storage means (e.g., RAM, ROM, a physical storage medium such as a compact disc (CD) or floppy disk, etc.), such that a user terminal and/or base station can obtain the various methods upon coupling or providing the storage means to the device. Moreover, any other suitable technique for providing the methods and techniques described herein to a device can be utilized.
[00107] It is to be understood that the claims are not limited to the precise configuration and components illustrated above. Various modifications, changes and variations may be made in the arrangement, operation and details of the methods and apparatus described above without departing from the scope of the claims.

Claims

CLAIMS WHAT IS CLAIMED IS:
1. A method of detecting failure of an object tracking network with a failure detection network, comprising:
receiving, at the failure detection network, an activation from an intermediate layer of the object tracking network;
classifying, at the failure detection network, the activation as a failure or success; and
determining, at the failure detection network, whether to initiate a recovery mode of the object tracking network or to remain in a tracking mode of the object tracking network, based on the classifying.
2. The method of claim 1, further comprising initiating the recovery mode for the object tracking network based on determining that the object tracking network has failed.
3. The method of claim 2, in which the recovery mode comprises resetting the object tracking network, switching to an object detector, refining a search region, or requesting user input.
4. The method of claim 1, in which the failure detection network is a convolutional neural network or a recurrent convolutional neural network.
5. The method of claim 4, in which the convolutional neural network comprises a shallow convolutional neural network.
6. The method of claim 4, further comprising modelling temporal dependencies of the activation via a recurrent layer, the recurrent layer comprising a long short term memory network or a gated recurrent unit network.
7. The method of claim 1, in which the activation comprises at least one of a similarity map, an output from an intermediate layer, or a combination thereof.
8. The method of claim 1, further comprising receiving, at the failure detection network, contextual information comprising at least one of raw pixels, optical flow, or a combination thereof.
9. The method of claim 1, further comprising training the failure detection network and the object tracking network independently.
10. The method of claim 1, further comprising training the failure detection network and the object tracking network jointly.
11. A failure detection network for detecting failure of an object tracking network, the failure detection network comprising:
a memory; and
at least one processor coupled to the memory, the at least one processor configured:
to receive an activation from an intermediate layer of the object tracking network;
to classify the activation as a failure or success; and
to determine whether to initiate a recovery mode of the object tracking network or to remain in a tracking mode of the object tracking network, based on the classifying.
12. The failure detection network of claim 11, in which the at least one processor is further configured to initiate the recovery mode for the object tracking network based on determining that the object tracking network has failed.
13. The failure detection network of claim 12, in which the recovery mode comprises resetting the object tracking network, switching to an object detector, refining a search region, or requesting user input.
14. The failure detection network of claim 11, in which the failure detection network is a convolutional neural network or a recurrent convolutional neural network.
15. The failure detection network of claim 14, in which the convolutional neural network comprises a shallow convolutional neural network.
16. The failure detection network of claim 14, in which the at least one processor is further configured to model temporal dependencies of the activation via a recurrent layer, the recurrent layer comprising a long short term memory network or a gated recurrent unit network.
17. The failure detection network of claim 11, in which the activation comprises at least one of a similarity map, an output from an intermediate layer, or a combination thereof.
18. The failure detection network of claim 11, in which the at least one processor is further configured to receive contextual information comprising at least one of raw pixels, optical flow, or a combination thereof.
19. The failure detection network of claim 11, in which the at least one processor is further configured to train the failure detection network and the object tracking network independently.
20. The failure detection network of claim 11, in which the at least one processor is further configured to train the failure detection network and the object tracking network jointly.
21. A non-transitory computer-readable medium having program code recorded thereon for detecting failure of an object tracking network with a failure detection network, the program code executed by a processor and comprising: program code to receive an activation from an intermediate layer of the object tracking network;
program code to classify the activation as a failure or success; and
program code to determine whether to initiate a recovery mode of the object tracking network or to remain in a tracking mode of the object tracking network, based on the classifying.
22. The non-transitory computer-readable medium of claim 21, in which the program code further comprises program code to initiate the recovery mode for the object tracking network based on determining that the object tracking network has failed.
23. The non-transitory computer-readable medium of claim 22, in which the recovery mode comprises resetting the object tracking network, switching to an object detector, refining a search region, or requesting user input.
24. The non-transitory computer-readable medium of claim 23, in which the failure detection network is a convolutional neural network or a recurrent convolutional neural network.
25. The non-transitory computer-readable medium of claim 24, in which the convolutional neural network comprises a shallow convolutional neural network.
26. An apparatus for detecting failure of an object tracking network, comprising: means for receiving an activation from an intermediate layer of the object tracking network;
means for classifying the activation as a failure or success; and
means for determining whether to initiate a recovery mode of the object tracking network or to remain in a tracking mode of the object tracking network, based on the classifying.
27. The apparatus of claim 26, further comprising means for initiating the recovery mode for the object tracking network based on determining that the object tracking network has failed.
28. The apparatus of claim 27, in which the recovery mode comprises resetting the object tracking network, switching to an object detector, refining a search region, or requesting user input.
29. The apparatus of claim 26, further comprising means for receiving contextual information comprising at least one of raw pixels, optical flow, or a combination thereof..
30. The apparatus of claim 26, in which the activation comprises at least one of a similarity map, an output from an intermediate layer, or a combination thereof.
PCT/US2019/013372 2018-01-22 2019-01-11 Failure detection for a neural network object tracker WO2019143536A1 (en)

Applications Claiming Priority (2)

Application Number Priority Date Filing Date Title
US15/877,226 US10740654B2 (en) 2018-01-22 2018-01-22 Failure detection for a neural network object tracker
US15/877,226 2018-01-22

Publications (1)

Publication Number Publication Date
WO2019143536A1 true WO2019143536A1 (en) 2019-07-25

Family

ID=65279674

Family Applications (1)

Application Number Title Priority Date Filing Date
PCT/US2019/013372 WO2019143536A1 (en) 2018-01-22 2019-01-11 Failure detection for a neural network object tracker

Country Status (2)

Country Link
US (1) US10740654B2 (en)
WO (1) WO2019143536A1 (en)

Cited By (1)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN111739062A (en) * 2020-06-05 2020-10-02 北京航空航天大学 Target detection method and system based on feedback mechanism

Families Citing this family (26)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US10354168B2 (en) * 2016-04-11 2019-07-16 A2Ia S.A.S. Systems and methods for recognizing characters in digitized documents
US10909459B2 (en) 2016-06-09 2021-02-02 Cognizant Technology Solutions U.S. Corporation Content embedding using deep metric learning algorithms
US10755144B2 (en) 2017-09-05 2020-08-25 Cognizant Technology Solutions U.S. Corporation Automated and unsupervised generation of real-world training data
US10755142B2 (en) * 2017-09-05 2020-08-25 Cognizant Technology Solutions U.S. Corporation Automated and unsupervised generation of real-world training data
CN108414923A (en) * 2018-02-05 2018-08-17 武汉大学 A kind of analog-circuit fault diagnosis method based on the extraction of depth confidence network characterization
JP6791182B2 (en) * 2018-03-14 2020-11-25 オムロン株式会社 Neural network type image processing device
CN110443266B (en) * 2018-05-04 2022-06-24 上海商汤智能科技有限公司 Object prediction method and device, electronic equipment and storage medium
US10817777B2 (en) * 2019-01-31 2020-10-27 StradVision, Inc. Learning method and learning device for integrating object detection information acquired through V2V communication from other autonomous vehicle with object detection information generated by present autonomous vehicle, and testing method and testing device using the same
US11386655B2 (en) * 2019-02-15 2022-07-12 Rutgers, The State University Of New Jersey Image processing neural network systems and methods with scene understanding
US10853671B2 (en) * 2019-03-06 2020-12-01 Dura Operating, Llc Convolutional neural network system for object detection and lane detection in a motor vehicle
KR20200131664A (en) * 2019-05-14 2020-11-24 삼성전자주식회사 Electronic apparatus and method for assisting driving of a vehicle
CN110569762A (en) * 2019-08-27 2019-12-13 许昌许继软件技术有限公司 pin falling detection method and device based on multistage neural network
US11958183B2 (en) 2019-09-19 2024-04-16 The Research Foundation For The State University Of New York Negotiation-based human-robot collaboration via augmented reality
US11455813B2 (en) * 2019-11-14 2022-09-27 Nec Corporation Parametric top-view representation of complex road scenes
EP4042370A4 (en) * 2019-11-15 2024-01-10 Oreal End-to-end merge for video object segmentation (vos)
CN110956131B (en) * 2019-11-27 2024-01-05 北京迈格威科技有限公司 Single-target tracking method, device and system
KR102311798B1 (en) * 2019-12-12 2021-10-08 포항공과대학교 산학협력단 Apparatus and method for tracking multiple objects
TWI764240B (en) * 2020-08-19 2022-05-11 威聯通科技股份有限公司 Intelligent video editing method and system
CN112967388A (en) * 2021-03-31 2021-06-15 东莞中国科学院云计算产业技术创新与育成中心 Training method and device for three-dimensional time sequence image neural network model
CN113256680A (en) * 2021-05-13 2021-08-13 燕山大学 High-precision target tracking system based on unsupervised learning
CN113496210B (en) * 2021-06-21 2024-02-02 西安理工大学 Photovoltaic string tracking and fault tracking method based on attention mechanism
CN113486807B (en) * 2021-07-08 2024-02-27 网易(杭州)网络有限公司 Face detection model training method, face detection model recognition device, face detection model training medium and face detection model training equipment
US11875580B2 (en) * 2021-10-04 2024-01-16 Motive Technologies, Inc. Camera initialization for lane detection and distance estimation using single-view geometry
CN114089118B (en) * 2021-11-24 2022-08-05 重庆大学 Intelligent substation fault positioning method based on gated cyclic unit network
CN114818579B (en) * 2022-05-30 2024-03-26 桂林电子科技大学 Analog circuit fault diagnosis method based on one-dimensional convolution long-short-term memory network
CN115100235B (en) * 2022-08-18 2022-12-20 哈尔滨工业大学(深圳)(哈尔滨工业大学深圳科技创新研究院) Target tracking method, system and storage medium

Citations (1)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US9760806B1 (en) * 2016-05-11 2017-09-12 TCL Research America Inc. Method and system for vision-centric deep-learning-based road situation analysis

Family Cites Families (11)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20090290791A1 (en) 2008-05-20 2009-11-26 Holub Alex David Automatic tracking of people and bodies in video
US9779305B2 (en) 2012-04-05 2017-10-03 Panasonic Intellectual Property Corporation Of America Video analyzing device, video analyzing method, program, and integrated circuit
US9483838B2 (en) 2014-04-24 2016-11-01 Xerox Corporation Method and system for automated sequencing of vehicles in side-by-side drive-thru configurations via appearance-based classification
US9582895B2 (en) 2015-05-22 2017-02-28 International Business Machines Corporation Real-time object analysis with occlusion handling
US10586102B2 (en) 2015-08-18 2020-03-10 Qualcomm Incorporated Systems and methods for object tracking
WO2017088050A1 (en) * 2015-11-26 2017-06-01 Sportlogiq Inc. Systems and methods for object tracking and localization in videos with adaptive image representation
US10037624B2 (en) * 2015-12-29 2018-07-31 Microsoft Technology Licensing, Llc Calibrating object shape
US10580140B2 (en) * 2016-05-23 2020-03-03 Intel Corporation Method and system of real-time image segmentation for image processing
US20190188567A1 (en) * 2016-09-30 2019-06-20 Intel Corporation Dynamic neural network surgery
US11188783B2 (en) * 2017-10-19 2021-11-30 Nokia Technologies Oy Reverse neural network for object re-identification
US11263525B2 (en) * 2017-10-26 2022-03-01 Nvidia Corporation Progressive modification of neural networks

Patent Citations (1)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US9760806B1 (en) * 2016-05-11 2017-09-12 TCL Research America Inc. Method and system for vision-centric deep-learning-based road situation analysis

Non-Patent Citations (5)

* Cited by examiner, † Cited by third party
Title
CHRIS YING ET AL: "Depth-Adaptive Computational Policies for Efficient Visual Tracking", ARXIV.ORG, CORNELL UNIVERSITY LIBRARY, 201 OLIN LIBRARY CORNELL UNIVERSITY ITHACA, NY 14853, 1 January 2018 (2018-01-01), XP080849895 *
LEANG ISABELLE ET AL: "On-line fusion of trackers for single-object tracking", PATTERN RECOGNITION, vol. 74, 19 September 2017 (2017-09-19), pages 459 - 473, XP085273154, ISSN: 0031-3203, DOI: 10.1016/J.PATCOG.2017.09.026 *
LI DONGXUAN ET AL: "Object tracking with convolutional neural networks and kernelized correlation filters", 2017 29TH CHINESE CONTROL AND DECISION CONFERENCE (CCDC), IEEE, 28 May 2017 (2017-05-28), pages 1039 - 1044, XP033120741, DOI: 10.1109/CCDC.2017.7978672 *
RYAN WALSH ET AL: "Detecting Tracking Failures from Correlation Response Maps", ADVANCES IN VISUAL COMPUTING, 2016, Cham, XP055581832, ISBN: 978-3-319-50835-1, Retrieved from the Internet <URL:https://link.springer.com/content/pdf/10.1007/978-3-319-50835-1_12.pdf> [retrieved on 20190417] *
SUPANCIC JAMES ET AL: "Tracking as Online Decision-Making: Learning a Policy from Streaming Videos with Reinforcement Learning", 2017 IEEE INTERNATIONAL CONFERENCE ON COMPUTER VISION (ICCV), IEEE, 22 October 2017 (2017-10-22), pages 322 - 331, XP033282886, DOI: 10.1109/ICCV.2017.43 *

Cited By (1)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN111739062A (en) * 2020-06-05 2020-10-02 北京航空航天大学 Target detection method and system based on feedback mechanism

Also Published As

Publication number Publication date
US10740654B2 (en) 2020-08-11
US20190228266A1 (en) 2019-07-25

Similar Documents

Publication Publication Date Title
US10740654B2 (en) Failure detection for a neural network object tracker
US10691952B2 (en) Adapting to appearance variations when tracking a target object in video sequence
US10902615B2 (en) Hybrid and self-aware long-term object tracking
US10083378B2 (en) Automatic detection of objects in video images
US10410096B2 (en) Context-based priors for object detection in images
US10878320B2 (en) Transfer learning in neural networks
US10515304B2 (en) Filter specificity as training criterion for neural networks
US20160283864A1 (en) Sequential image sampling and storage of fine-tuned features
US10776628B2 (en) Video action localization from proposal-attention
US20170039469A1 (en) Detection of unknown classes and initialization of classifiers for unknown classes
US20190108400A1 (en) Actor-deformation-invariant action proposals
US10445622B2 (en) Learning disentangled invariant representations for one-shot instance recognition
EP4222650A1 (en) Multi-modal representation based event localization
US20220067479A1 (en) Vehicle entry detection
US20240078800A1 (en) Meta-pre-training with augmentations to generalize neural network processing for domain adaptation

Legal Events

Date Code Title Description
121 Ep: the epo has been informed by wipo that ep was designated in this application

Ref document number: 19703460

Country of ref document: EP

Kind code of ref document: A1

NENP Non-entry into the national phase

Ref country code: DE

122 Ep: pct application non-entry in european phase

Ref document number: 19703460

Country of ref document: EP

Kind code of ref document: A1