Skip to content

Commit

Permalink
python: added jetson.utils.VideoLoader class
Browse files Browse the repository at this point in the history
  • Loading branch information
aconchillo committed Aug 17, 2019
1 parent 2694381 commit a557a85
Show file tree
Hide file tree
Showing 2 changed files with 157 additions and 0 deletions.
2 changes: 2 additions & 0 deletions python/python/jetson/utils/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,4 +3,6 @@

from jetson_utils_python import *

from .video_loader import *

VERSION = '1.0.0'
155 changes: 155 additions & 0 deletions python/python/jetson/utils/video_loader.py
Original file line number Diff line number Diff line change
@@ -0,0 +1,155 @@
#
# Copyright (c) 2019, NVIDIA CORPORATION. All rights reserved.
#
# Permission is hereby granted, free of charge, to any person obtaining a
# copy of this software and associated documentation files (the "Software"),
# to deal in the Software without restriction, including without limitation
# the rights to use, copy, modify, merge, publish, distribute, sublicense,
# and/or sell copies of the Software, and to permit persons to whom the
# Software is furnished to do so, subject to the following conditions:
#
# The above copyright notice and this permission notice shall be included in
# all copies or substantial portions of the Software.
#
# THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
# IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
# FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL
# THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
# LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING
# FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER
# DEALINGS IN THE SOFTWARE.
#

import queue

import gi
gi.require_version("Gst", "1.0")
from gi.repository import Gst

Gst.init(None)

class VideoLoader:

def __init__(self, logger, width=1280, height=720, framerate="5/1"):
self.__logger = logger
self.__width = width
self.__height = height
self.__framerate = framerate

self.__pipeline = None
self.__queue = queue.Queue()

def load(self, filename):
if self.__pipeline:
raise Exception("Already processing a file")
self.__pipeline = Gst.Pipeline.new("video-loader")

bus = self.__pipeline.get_bus()
bus.add_signal_watch()
bus.connect("message", self.__on_message)

self.__build_pipeline(filename)
self.__pipeline.set_state(Gst.State.PLAYING)


def stop(self):
if self.__pipeline:
self.__pipeline.set_state(Gst.State.NULL)
self.__pipeline = None

def is_loading(self):
return self.__pipeline != None

def sample_next(self):
return self.__queue.get()

def sample_done(self):
self.__queue.task_done()

def __build_pipeline(self, filename):
source = Gst.ElementFactory.make("filesrc")
source.set_property("location", filename)
self.__pipeline.add(source)

decodebin = Gst.ElementFactory.make("decodebin")
decodebin.connect("pad-added", self.__on_pad_added)
self.__pipeline.add(decodebin)

source.link(decodebin)

def __on_message(self, bus, message):
t = message.type
if t == Gst.MessageType.EOS:
self.stop()
elif t == Gst.MessageType.ERROR:
self.stop()
err, debug = message.parse_error()
self.__logger.error("Error: %s (%s)" % (err, debug))

def __on_pad_added(self, decodebin, pad):
caps_str = pad.query_caps(None).to_string()
if caps_str.startswith("video"):
self.__logger.info("Detected video stream, processing...")
elif caps_str.startswith("audio"):
self.__logger.info("Detected audio stream, ignoring.")
return

queue = Gst.ElementFactory.make("queue")
self.__pipeline.add(queue)

# rate first so we dn't process as many frames.
videorate = Gst.ElementFactory.make("videorate")
self.__pipeline.add(videorate)

caps = "video/x-raw,framerate=%s" % self.__framerate
ratecaps = Gst.ElementFactory.make("capsfilter")
ratecaps.set_property("caps", Gst.Caps(caps))
self.__pipeline.add(ratecaps)

# scale image in GPU if needed.
videoscale = Gst.ElementFactory.make("nvvidconv")
self.__pipeline.add(videoscale)

caps = "video/x-raw(memory:NVMM),format=NV12"
if self.__width > 0:
caps += ",width=%d" % self.__width
if self.__height > 0:
caps += ",height=%d" % self.__height

scalecaps = Gst.ElementFactory.make("capsfilter")
scalecaps.set_property("caps", Gst.Caps(caps))
self.__pipeline.add(scalecaps)

# copy to main memory.
videoconvert = Gst.ElementFactory.make("nvvidconv")
self.__pipeline.add(videoconvert)

convcaps = Gst.ElementFactory.make("capsfilter")
convcaps.set_property("caps", Gst.Caps("video/x-raw"))
self.__pipeline.add(convcaps)

# finally, add the sample sink.
appsink = Gst.ElementFactory.make("appsink")
appsink.set_property("emit-signals", True)
appsink.set_property("max-buffers", 10)
appsink.set_property("drop", True)
appsink.set_property("sync", True)
appsink.connect("new-sample", self.__on_new_sample)
self.__pipeline.add(appsink)

# link everything together.
sinkpad = queue.get_static_pad("sink")
pad.link(sinkpad)

queue.link(videorate)
videorate.link(ratecaps)
ratecaps.link(videoscale)
videoscale.link(scalecaps)
scalecaps.link(videoconvert)
videoconvert.link(convcaps)
convcaps.link(appsink)

def __on_new_sample(self, appsink):
sample = appsink.emit("pull-sample")
self.__queue.put(sample)
return Gst.FlowReturn.OK

27 comments on commit a557a85

@raul-dan
Copy link

@raul-dan raul-dan commented on a557a85 Aug 21, 2019

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Hey Aleix,

I built jetson inference using your patch and inferencing on a mp4 file works like a charm. I was wondering if you could help me with something though: I am using detectnet and I'd like to push detections to an upstream HTTP API for further analysis but I'm having trouble dumping the gstreamer sample to a jpeg file.

I tried converting into to a numpy array ( np.float32 ) and it keeps saying the buffer size is too big. I also tried dumping the image using jetson.utils.saveImageRGBA binding but I constantly get this exception:

Exception: jetson.utils -- saveImageRGBA() failed to get input image pointer from PyCapsule container

jetson.utils.cudaToNumpy throws the same exception as above.

I'd appreciate any thoughts on this you might be able to share.

Thank you,
Raul

@aconchillo
Copy link
Owner Author

@aconchillo aconchillo commented on a557a85 Aug 21, 2019

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

@lrauldan glad to hear it's helpful to someone. can you share the place where you are calling jetson.utils.saveImageRGBA?

@raul-dan
Copy link

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Just before synchronizing the cuda device:

    # synchronize with the GPU.
    if len(detections) > 0:
        jetson.utils.saveImageRGBA("out/" + str(buf_time) + ".jpg", img, width, height)
        jetson.utils.cudaDeviceSynchronize()

@aconchillo
Copy link
Owner Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

oh, i think it's because this is not still supported. see the comment (// TODO support GPU-only memory) in the binding PyImageIO_SaveRGBA:

        // get pointer to image data
        void* img = PyCapsule_GetPointer(capsule, CUDA_MAPPED_MEMORY_CAPSULE);  // TODO  support GPU-only memory

the memory used by cudaFromGstSample is GPU-only.

@aconchillo
Copy link
Owner Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

@lrauldan i just updated my PR dusty-nv#10 to use mapped memory. it should work now.

@blitzvb
Copy link

@blitzvb blitzvb commented on a557a85 Aug 21, 2019

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

bummer :/ it's not working for me, on a Jetson TX1. it just sit there, show nothing and there is no sign of activity (CPU/GPU). To me __on_new_sample should be called but it's never called.

here my info:

`NVIDIA Jetson NANO/TX1 - Jetpack 4.2.1 [L4T 32.2.0]

  • Up Time: 0 days 6:4:20
  • Board:
    • Name: NVIDIA Jetson NANO/TX1
    • Type: NANO/TX1
    • Jetpack: 4.2.1 [L4T 32.2.0]
    • GPU-Arch: 5.3
    • SN: 03237161231450008206
  • Libraries:
    • CUDA: 10.0.326
    • cuDNN: 7.5.0.56-1+cuda10.0
    • TensorRT: 5.1.6.1-1+cuda10.0
    • VisionWorks: 1.6.0.500n
    • OpenCV: 4.1.0 compiled CUDA: YES`

`python3 jetson-video.py ~/devel/Videos/Indoor1.mp4 --render
jetson.inference.init.py
jetson.inference -- initializing Python 3.6 bindings...
jetson.inference -- registering module types...
jetson.inference -- done registering module types
jetson.inference -- done Python 3.6 binding initialization
jetson.utils.init.py
jetson.utils -- initializing Python 3.6 bindings...
jetson.utils -- registering module functions...
jetson.utils -- done registering module functions
jetson.utils -- registering module types...
jetson.utils -- done registering module types
jetson.utils -- done Python 3.6 binding initialization
/media/goview/goview/devel/goview/src/tools/video_loader.py:23: PyGIWarning: Gst was imported without specifying a version first. Use gi.require_version('Gst', '1.0') before import to ensure that the right version gets loaded.
from gi.repository import Gst
jetson.inference -- PyTensorNet_New()
jetson.inference -- PyDetectNet_Init()
jetson.inference -- detectNet loading build-in network 'pednet'

detectNet -- loading detection network model from:
-- prototxt networks/ped-100/deploy.prototxt
-- model networks/ped-100/snapshot_iter_70800.caffemodel
-- input_blob 'data'
-- output_cvg 'coverage'
-- output_bbox 'bboxes'
-- mean_pixel 0.000000
-- mean_binary NULL
-- class_labels networks/ped-100/class_labels.txt
-- threshold 0.500000
-- batch_size 1

[TRT] TensorRT version 5.1.6
[TRT] loading NVIDIA plugins...
[TRT] Plugin Creator registration succeeded - GridAnchor_TRT
[TRT] Plugin Creator registration succeeded - NMS_TRT
[TRT] Plugin Creator registration succeeded - Reorg_TRT
[TRT] Plugin Creator registration succeeded - Region_TRT
[TRT] Plugin Creator registration succeeded - Clip_TRT
[TRT] Plugin Creator registration succeeded - LReLU_TRT
[TRT] Plugin Creator registration succeeded - PriorBox_TRT
[TRT] Plugin Creator registration succeeded - Normalize_TRT
[TRT] Plugin Creator registration succeeded - RPROI_TRT
[TRT] Plugin Creator registration succeeded - BatchedNMS_TRT
[TRT] completed loading NVIDIA plugins.
[TRT] detected model format - caffe (extension '.caffemodel')
[TRT] desired precision specified for GPU: FASTEST
[TRT] requested fasted precision for device GPU without providing valid calibrator, disabling INT8
[TRT] native precisions detected for GPU: FP32, FP16
[TRT] selecting fastest native precision for GPU: FP16
[TRT] attempting to open engine cache file /usr/local/bin/networks/ped-100/snapshot_iter_70800.caffemodel.1.1.GPU.FP16.engine
[TRT] loading network profile from engine cache... /usr/local/bin/networks/ped-100/snapshot_iter_70800.caffemodel.1.1.GPU.FP16.engine
[TRT] device GPU, /usr/local/bin/networks/ped-100/snapshot_iter_70800.caffemodel loaded
[TRT] device GPU, CUDA engine context initialized with 3 bindings
[TRT] binding -- index 0
-- name 'data'
-- type FP32
-- in/out INPUT
-- # dims 3
-- dim #0 3 (CHANNEL)
-- dim dusty-nv#1 512 (SPATIAL)
-- dim dusty-nv#2 1024 (SPATIAL)
[TRT] binding -- index 1
-- name 'coverage'
-- type FP32
-- in/out OUTPUT
-- # dims 3
-- dim #0 1 (CHANNEL)
-- dim dusty-nv#1 32 (SPATIAL)
-- dim dusty-nv#2 64 (SPATIAL)
[TRT] binding -- index 2
-- name 'bboxes'
-- type FP32
-- in/out OUTPUT
-- # dims 3
-- dim #0 4 (CHANNEL)
-- dim dusty-nv#1 32 (SPATIAL)
-- dim dusty-nv#2 64 (SPATIAL)
[TRT] binding to input 0 data binding index: 0
[TRT] binding to input 0 data dims (b=1 c=3 h=512 w=1024) size=6291456
[TRT] binding to output 0 coverage binding index: 1
[TRT] binding to output 0 coverage dims (b=1 c=1 h=32 w=64) size=8192
[TRT] binding to output 1 bboxes binding index: 2
[TRT] binding to output 1 bboxes dims (b=1 c=4 h=32 w=64) size=32768
device GPU, /usr/local/bin/networks/ped-100/snapshot_iter_70800.caffemodel initialized.
detectNet -- number object classes: 1
detectNet -- maximum bounding boxes: 2048
detectNet -- loaded 1 class info entries
detectNet -- number of object classes: 1
------ True
jetson.utils -- PyDisplay_New()
jetson.utils -- PyDisplay_Init()
[OpenGL] glDisplay -- X screen 0 resolution: 1920x1080
[OpenGL] glDisplay -- display device initialized
before while
sample_next...
Opening in BLOCKING MODE
NvMMLiteOpen : Block : BlockType = 261
NVMEDIA: Reading vendor.tegra.display-size : status: 6
NvMMLiteBlockCreate : Block : BlockType = 261
[INFO][detectnet-video] 2019-08-21 15:25:18,132 - Detected video stream, processing...
end pipeline
[INFO][detectnet-video] 2019-08-21 15:25:18,143 - Detected audio stream, ignoring.
^C
User interruption. Exiting...
PyTensorNet_Dealloc()
jetson.utils -- PyDisplay_Dealloc()`

@raul-dan
Copy link

@raul-dan raul-dan commented on a557a85 Aug 21, 2019

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Thank you @aconchillo. It works beautifully on TX2, jetpack 4.2.

@blitzvb it looks like your queue is not receiving samples from gstreamer. Try setting a timeout to queue.get to see if it exits with a queue.Empty exception:

class VideoLoader(jetson.utils.VideoLoader):
    def sample_next(self):
        return self.__queue.get(timeout=10) # in seconds

@blitzvb
Copy link

@blitzvb blitzvb commented on a557a85 Aug 21, 2019

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

the queue is empty. I did try with a mp4 and h264 video.

[INFO][detectnet-video] 2019-08-21 16:07:45,857 - Detected video stream, processing...
end pipeline
[INFO][detectnet-video] 2019-08-21 16:07:45,867 - Detected audio stream, ignoring.
Traceback (most recent call last):
File "jetson-video.py", line 79, in
sample = loader.sample_next()
File "/media/devel/g/src/tools/video_loader.py", line 64, in sample_next
return self.__queue.get(timeout=10) # in seconds
File "/usr/lib/python3.6/queue.py", line 172, in get
raise Empty
queue.Empty
PyTensorNet_Dealloc()
jetson.utils -- PyDisplay_Dealloc()

@raul-dan
Copy link

@raul-dan raul-dan commented on a557a85 Aug 21, 2019

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Disclaimer: I am merely a beginner in this field so my advices could be stupid.

Have you tried checking if you have the nvvidconv and avdec_mpeg4 plugins available on gstreamer?

CLI:

gst-inspect-1.0 nvvidconv
gst-inspect-1.0 avdec_mpeg4

@blitzvb
Copy link

@blitzvb blitzvb commented on a557a85 Aug 21, 2019

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

yep all good. I actually can play those files with gst-launch-1.0

maybe it's because I was not able to git your branch (VideoLoader was missing) so I did copy VideoLoader and the sample only. am I missing something ?

@blitzvb
Copy link

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

when I git clone this repos. I don't get video_loader.py

here what I do:

git clone https://github.com/aconchillo/jetson-utils.git
cd jetson-utils/
mkdir build
cd build
cmake ..
make -j3
make install

@raul-dan
Copy link

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

You need to checkout the add-pygst-support branch. I built the jetson inference package by replacing the utils submodule with this fork ( branch changed from master to the specified one ).

@blitzvb
Copy link

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

oh my bad! I didn't thought that you had another branch on this fork. I got that this time :

jetson-utils/python/bindings/PyGst.cpp:29:10: fatal error: pygobject.h: No such file or directory #include <pygobject.h> ^~~~~~~~~~~~~ compilation terminated.

@raul-dan
Copy link

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

I faced this issue myself. I solved it by installing pygobject ( https://github.com/GNOME/pygobject ) version 3.0.0. If you install it in /usr/local you might need create a symlink in /usr/include:

lrwxrwxrwx 1 root root 45 aug 18 16:44 /usr/include/pygobject.h -> /usr/local/include/pygobject-3.0/pygobject.h

Don't forget to run "ldconfig" as root before attempting to rebuild jetson inference.

@aconchillo
Copy link
Owner Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

I don't remember having to create a link. I think I just installed python-gi-dev (sudo apt-get install python-gi-dev). That should do it.

@blitzvb
Copy link

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

indeed that make the trick. thanks!

@aconchillo
Copy link
Owner Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

I have updated dusty-nv/jetson-inference#389 so it pulls python-gi-dev automatically (I forgot to add it originally). So, you won't have to install anything by hand.

@lrauldan I would not recommend modifying system files by hand. easy to end up with a messy system and hard to rollback (you will forget what you've done).

@blitzvb
Copy link

@blitzvb blitzvb commented on a557a85 Aug 22, 2019

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

so even with your branch including the latest VideoLoader and the latest Jetson_inference with video example, it never start playing the video file after detecting the video stream.

I am running it on a brand new installed TX1 with the latest jetpack. I can run those video with gst-launch.

here the log, when I add debug info to your example :

0:00:04.083898842 31958 0x7f242b0590 WARN GST_PADS gstpad.c:4226:gst_pad_peer_query:<decodebin0:src_0> could not send sticky events

any idea?

@aconchillo
Copy link
Owner Author

@aconchillo aconchillo commented on a557a85 Aug 22, 2019

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

can you run the example with GST_DEBUG=4 and send the output somehow? it will be big.

@blitzvb
Copy link

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

sure. here you go :

goview@goview-clipper:~/devel/goview$ python3 jetson-video.py ../Videos/FootIndoor1.mp4
jetson.inference.__init__.py
jetson.inference -- initializing Python 3.6 bindings...
jetson.inference -- registering module types...
jetson.inference -- done registering module types
jetson.inference -- done Python 3.6 binding initialization
jetson.utils.__init__.py
jetson.utils -- initializing Python 3.6 bindings...
jetson.utils -- registering module functions...
jetson.utils -- done registering module functions
jetson.utils -- registering module types...
jetson.utils -- done registering module types
jetson.utils -- done Python 3.6 binding initialization
jetson.inference -- PyTensorNet_New()
jetson.inference -- PyDetectNet_Init()
jetson.inference -- detectNet loading build-in network 'pednet'

detectNet -- loading detection network model from:
          -- prototxt     networks/ped-100/deploy.prototxt
          -- model        networks/ped-100/snapshot_iter_70800.caffemodel
          -- input_blob   'data'
          -- output_cvg   'coverage'
          -- output_bbox  'bboxes'
          -- mean_pixel   0.000000
          -- mean_binary  NULL
          -- class_labels networks/ped-100/class_labels.txt
          -- threshold    0.500000
          -- batch_size   1

[TRT]   TensorRT version 5.1.6
[TRT]   loading NVIDIA plugins...
[TRT]   Plugin Creator registration succeeded - GridAnchor_TRT
[TRT]   Plugin Creator registration succeeded - NMS_TRT
[TRT]   Plugin Creator registration succeeded - Reorg_TRT
[TRT]   Plugin Creator registration succeeded - Region_TRT
[TRT]   Plugin Creator registration succeeded - Clip_TRT
[TRT]   Plugin Creator registration succeeded - LReLU_TRT
[TRT]   Plugin Creator registration succeeded - PriorBox_TRT
[TRT]   Plugin Creator registration succeeded - Normalize_TRT
[TRT]   Plugin Creator registration succeeded - RPROI_TRT
[TRT]   Plugin Creator registration succeeded - BatchedNMS_TRT
[TRT]   completed loading NVIDIA plugins.
[TRT]   detected model format - caffe  (extension '.caffemodel')
[TRT]   desired precision specified for GPU: FASTEST
[TRT]   requested fasted precision for device GPU without providing valid calibrator, disabling INT8
[TRT]   native precisions detected for GPU:  FP32, FP16
[TRT]   selecting fastest native precision for GPU:  FP16
[TRT]   attempting to open engine cache file /usr/local/bin/networks/ped-100/snapshot_iter_70800.caffemodel.1.1.GPU.FP16.engine
[TRT]   loading network profile from engine cache... /usr/local/bin/networks/ped-100/snapshot_iter_70800.caffemodel.1.1.GPU.FP16.engine
[TRT]   device GPU, /usr/local/bin/networks/ped-100/snapshot_iter_70800.caffemodel loaded
[TRT]   device GPU, CUDA engine context initialized with 3 bindings
[TRT]   binding -- index   0
               -- name    'data'
               -- type    FP32
               -- in/out  INPUT
               -- # dims  3
               -- dim #0  3 (CHANNEL)
               -- dim #1  512 (SPATIAL)
               -- dim #2  1024 (SPATIAL)
[TRT]   binding -- index   1
               -- name    'coverage'
               -- type    FP32
               -- in/out  OUTPUT
               -- # dims  3
               -- dim #0  1 (CHANNEL)
               -- dim #1  32 (SPATIAL)
               -- dim #2  64 (SPATIAL)
[TRT]   binding -- index   2
               -- name    'bboxes'
               -- type    FP32
               -- in/out  OUTPUT
               -- # dims  3
               -- dim #0  4 (CHANNEL)
               -- dim #1  32 (SPATIAL)
               -- dim #2  64 (SPATIAL)
[TRT]   binding to input 0 data  binding index:  0
[TRT]   binding to input 0 data  dims (b=1 c=3 h=512 w=1024) size=6291456
[TRT]   binding to output 0 coverage  binding index:  1
[TRT]   binding to output 0 coverage  dims (b=1 c=1 h=32 w=64) size=8192
[TRT]   binding to output 1 bboxes  binding index:  2
[TRT]   binding to output 1 bboxes  dims (b=1 c=4 h=32 w=64) size=32768
device GPU, /usr/local/bin/networks/ped-100/snapshot_iter_70800.caffemodel initialized.
detectNet -- number object classes:   1
detectNet -- maximum bounding boxes:  2048
detectNet -- loaded 1 class info entries
detectNet -- number of object classes:  1
0:00:03.827819843  7963      0x99a7700 INFO     GST_ELEMENT_FACTORY gstelementfactory.c:359:gst_element_factory_create: creating element "pipeline" named "video-loader"
0:00:03.829787811  7963      0x99a7700 INFO      GST_PLUGIN_LOADING gstplugin.c:901:_priv_gst_plugin_load_file_for_registry: plugin "/usr/lib/aarch64-linux-gnu/gstreamer-1.0/libgstcoreelements.so" loaded
0:00:03.829841197  7963      0x99a7700 INFO     GST_ELEMENT_FACTORY gstelementfactory.c:361:gst_element_factory_create: creating element "filesrc"
0:00:03.830020520  7963      0x99a7700 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseSrc@0x324582d0> adding pad 'src'
0:00:03.831003905  7963      0x99a7700 INFO                 filesrc gstfilesrc.c:261:gst_file_src_set_location: filename : ../Videos/FootIndoor1.mp4
0:00:03.831035468  7963      0x99a7700 INFO                 filesrc gstfilesrc.c:262:gst_file_src_set_location: uri      : file:///home/goview/devel/Videos/FootIndoor1.mp4
0:00:03.832860832  7963      0x99a7700 INFO      GST_PLUGIN_LOADING gstplugin.c:901:_priv_gst_plugin_load_file_for_registry: plugin "/usr/lib/aarch64-linux-gnu/gstreamer-1.0/libgstplayback.so" loaded
0:00:03.832904895  7963      0x99a7700 INFO     GST_ELEMENT_FACTORY gstelementfactory.c:361:gst_element_factory_create: creating element "decodebin"
0:00:03.833219061  7963      0x99a7700 INFO     GST_ELEMENT_FACTORY gstelementfactory.c:359:gst_element_factory_create: creating element "typefind" named "typefind"
0:00:03.833352811  7963      0x99a7700 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstTypeFindElement@0x32467010> adding pad 'sink'
0:00:03.833411405  7963      0x99a7700 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstTypeFindElement@0x32467010> adding pad 'src'
0:00:03.833512343  7963      0x99a7700 INFO        GST_ELEMENT_PADS gstelement.c:920:gst_element_get_static_pad: found pad typefind:sink
0:00:03.833749165  7963      0x99a7700 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link sink:proxypad0 and typefind:sink
0:00:03.833777186  7963      0x99a7700 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked sink:proxypad0 and typefind:sink, successful
0:00:03.833793801  7963      0x99a7700 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.833832655  7963      0x99a7700 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstDecodeBin@0x32464020> adding pad 'sink'
0:00:03.834600832  7963      0x99a7700 INFO        GST_ELEMENT_PADS gstutils.c:1774:gst_element_link_pads_full: trying to link element filesrc0:(any) to element decodebin0:(any)
0:00:03.834644218  7963      0x99a7700 INFO                GST_PADS gstutils.c:1035:gst_pad_check_link: trying to link filesrc0:src and decodebin0:sink
0:00:03.834696665  7963      0x99a7700 INFO                GST_PADS gstutils.c:1588:prepare_link_maybe_ghosting: filesrc0 and decodebin0 in same bin, no need for ghost pads
0:00:03.834758801  7963      0x99a7700 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link filesrc0:src and decodebin0:sink
0:00:03.834827030  7963      0x99a7700 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked filesrc0:src and decodebin0:sink, successful
0:00:03.834846040  7963      0x99a7700 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.834865311  7963      0x99a7700 INFO               GST_EVENT gstpad.c:5808:gst_pad_send_event_unchecked:<filesrc0:src> Received event on flushing pad. Discarding
0:00:03.835134165  7963      0x99a7700 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<decodebin0> current NULL pending VOID_PENDING, desired next READY
0:00:03.835201665  7963      0x99a7700 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<typefind> current NULL pending VOID_PENDING, desired next READY
0:00:03.835225415  7963      0x99a7700 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<typefind> completed state change to READY
0:00:03.835245988  7963      0x99a7700 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<typefind> notifying about state-changed NULL to READY (VOID_PENDING pending)
0:00:03.835289947  7963      0x99a7700 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<decodebin0> child 'typefind' changed state to 2(READY) successfully
0:00:03.835315311  7963      0x99a7700 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<decodebin0> completed state change to READY
0:00:03.835361978  7963      0x99a7700 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<decodebin0> notifying about state-changed NULL to READY (VOID_PENDING pending)
0:00:03.835414478  7963      0x99a7700 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<video-loader> child 'decodebin0' changed state to 2(READY) successfully
0:00:03.835516353  7963      0x99a7700 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<filesrc0> current NULL pending VOID_PENDING, desired next READY
0:00:03.835562134  7963      0x99a7700 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<filesrc0> completed state change to READY
0:00:03.835582655  7963      0x99a7700 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<filesrc0> notifying about state-changed NULL to READY (VOID_PENDING pending)
0:00:03.835609582  7963      0x99a7700 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<video-loader> child 'filesrc0' changed state to 2(READY) successfully
0:00:03.835636353  7963      0x99a7700 INFO              GST_STATES gstelement.c:2651:gst_element_continue_state:<video-loader> committing state from NULL to READY, pending PLAYING, next PAUSED
0:00:03.835655572  7963      0x99a7700 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<video-loader> notifying about state-changed NULL to READY (PLAYING pending)
0:00:03.835701405  7963      0x99a7700 INFO              GST_STATES gstelement.c:2658:gst_element_continue_state:<video-loader> continue state change READY to PAUSED, final PLAYING
0:00:03.835755468  7963      0x99a7700 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<decodebin0> current READY pending VOID_PENDING, desired next PAUSED
0:00:03.835827082  7963      0x99a7700 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<typefind> current READY pending VOID_PENDING, desired next PAUSED
0:00:03.835869634  7963      0x99a7700 INFO                 filesrc gstfilesrc.c:468:gst_file_src_start:<filesrc0> opening file ../Videos/FootIndoor1.mp4
0:00:03.835927134  7963      0x99a7700 WARN                 basesrc gstbasesrc.c:3583:gst_base_src_start_complete:<filesrc0> pad not activated yet
0:00:03.835983801  7963      0x99a7700 INFO                 filesrc gstfilesrc.c:468:gst_file_src_start:<filesrc0> opening file ../Videos/FootIndoor1.mp4
0:00:03.836046822  7963      0x99a7700 INFO                    task gsttask.c:457:gst_task_set_lock: setting stream lock 0x3245a400 on task 0x32469170
0:00:03.836068436  7963      0x99a7700 INFO                GST_PADS gstpad.c:6154:gst_pad_start_task:<typefind:sink> created task 0x32469170
0:00:03.836256770  7963      0x99a7700 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<typefind> completed state change to PAUSED
0:00:03.836288384  7963      0x99a7700 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<typefind> notifying about state-changed READY to PAUSED (VOID_PENDING pending)
0:00:03.836318228  7963      0x99a7700 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<decodebin0> child 'typefind' changed state to 3(PAUSED) successfully
0:00:03.836347447  7963      0x99a7700 INFO              GST_STATES gstbin.c:2960:gst_bin_change_state_func:<video-loader> child 'decodebin0' is changing state asynchronously to PAUSED
0:00:03.836352915  7963      0x9aa4d90 INFO        GST_ELEMENT_PADS gstelement.c:920:gst_element_get_static_pad: found pad typefind:sink
0:00:03.836374218  7963      0x99a7700 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<filesrc0> current READY pending VOID_PENDING, desired next PAUSED
0:00:03.836420780  7963      0x99a7700 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<filesrc0> completed state change to PAUSED
0:00:03.836443176  7963      0x99a7700 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<filesrc0> notifying about state-changed READY to PAUSED (VOID_PENDING pending)
0:00:03.836468957  7963      0x99a7700 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<video-loader> child 'filesrc0' changed state to 3(PAUSED) successfully
------  False
jetson.utils -- PyDisplay_New()
jetson.utils -- PyDisplay_Init()
[OpenGL] glDisplay -- X screen 0 resolution:  1920x1080
0:00:03.837871978  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/x-ms-asf
0:00:03.838008332  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-musepack
0:00:03.838065207  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-au
0:00:03.838109999  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/x-msvideo
0:00:03.838152082  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/qcelp
0:00:03.838191561  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/x-cdxa
0:00:03.838233228  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/x-vcd
0:00:03.838274113  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-imelody
0:00:03.838356874  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/midi
0:00:03.838400676  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/riff-midi
0:00:03.838440676  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/mobile-xmf
0:00:03.838481770  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/x-fli
0:00:03.838521770  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-id3v2
0:00:03.838562290  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-id3v1
0:00:03.838603280  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-apetag
0:00:03.838651978  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-ttafile
0:00:03.838717603  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-mod
0:00:03.838776822  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/mpeg
0:00:03.838819530  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-ac3
0:00:03.838860259  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-dts
0:00:03.838903020  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-gsm
0:00:03.838964009  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/mpeg-sys
0:00:03.839016613  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/mpegts
0:00:03.839062030  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/ogg
0:00:03.839106145  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/mpeg-elementary
0:00:03.839144165  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/mpeg4
0:00:03.839187238  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/x-h263
0:00:03.839242290  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/x-h264
0:00:03.839289843  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/x-h265
0:00:03.839339634  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/x-nuv
0:00:03.839382863  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-m4a
0:00:03.839424113  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-3gp
0:00:03.839463228  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/quicktime
0:00:03.839511978  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/x-quicktime
0:00:03.839552655  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/jp2
0:00:03.839592655  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/x-jpc
0:00:03.839632863  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/mj2
0:00:03.839671093  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for text/html
0:00:03.839708801  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/vnd.rn-realmedia
0:00:03.839752759  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-pn-realaudio
0:00:03.839794322  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-shockwave-flash
0:00:03.839834218  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/dash+xml
0:00:03.839877863  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/vnd.ms-sstr+xml
0:00:03.839932759  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/x-flv
0:00:03.839983801  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for text/plain
0:00:03.840033280  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for text/utf-16
0:00:03.840084634  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for text/utf-32
0:00:03.840134113  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for text/uri-list
0:00:03.840181249  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/itc
0:00:03.840230624  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-hls
0:00:03.840302134  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/sdp
0:00:03.840347915  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/smil
0:00:03.840391978  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/ttml+xml
0:00:03.840433436  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/xml
0:00:03.840477395  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-wav
0:00:03.840523697  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-aiff
0:00:03.840573020  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-svx
0:00:03.840632551  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-paris
0:00:03.840678176  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-nist
0:00:03.840722395  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-voc
0:00:03.840768176  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-sds
0:00:03.840814218  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-ircam
0:00:03.840859478  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-w64
0:00:03.840914426  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-rf64
0:00:03.840969113  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-shorten
0:00:03.841013176  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-ape
0:00:03.841060207  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/jpeg
0:00:03.841118436  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/gif
0:00:03.841161978  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/png
0:00:03.841207655  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/bmp
0:00:03.841262343  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/tiff
0:00:03.841325468  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/webp
0:00:03.841377915  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/x-exr
0:00:03.841438280  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/x-portable-pixmap
0:00:03.841492134  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/x-matroska
0:00:03.841543749  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/mxf
0:00:03.841653801  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/x-mve
0:00:03.841714947  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/x-dv
0:00:03.841786353  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-amr-nb-sh
0:00:03.841839530  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-amr-wb-sh
0:00:03.841888280  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/iLBC-sh
0:00:03.841941509  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-sbc
0:00:03.842007915  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-sid
0:00:03.842063280  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/x-xcf
0:00:03.842111718  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/x-mng
0:00:03.842171301  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/x-jng
0:00:03.842221822  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/x-xpixmap
0:00:03.842272759  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/x-sun-raster
0:00:03.842319165  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-bzip
0:00:03.842366197  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-gzip
0:00:03.842415468  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/zip
0:00:03.842466405  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-compress
0:00:03.842514947  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for subtitle/x-kate
0:00:03.842570207  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-subtitle-vtt
0:00:03.842621665  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-flac
0:00:03.842699634  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-vorbis
0:00:03.842750936  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/x-theora
0:00:03.842800780  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-ogm-video
0:00:03.842847134  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-ogm-audio
0:00:03.843055259  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-ogm-text
0:00:03.843119374  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-speex
0:00:03.843164634  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-celt
0:00:03.843220468  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-ogg-skeleton
0:00:03.843276613  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for text/x-cmml
0:00:03.843317499  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-executable
0:00:03.843365415  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/aac
0:00:03.843426040  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-spc
0:00:03.843477082  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-wavpack
0:00:03.843525311  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-wavpack-correction
0:00:03.843570832  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-caf
0:00:03.843618228  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/postscript
0:00:03.843662134  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/svg+xml
0:00:03.843710311  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-rar
0:00:03.843789009  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-tar
0:00:03.843834686  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-ar
0:00:03.843880520  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-ms-dos-executable
0:00:03.843961874  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/x-dirac
0:00:03.844011718  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for multipart/x-mixed-replace
0:00:03.844058436  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-mmsh
0:00:03.844103488  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/vivo
0:00:03.844259113  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-nsf
0:00:03.844306926  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-gym
0:00:03.844357811  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-ay
0:00:03.844401926  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-gbs
0:00:03.844442811  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-vgm
0:00:03.844485155  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-sap
0:00:03.844526145  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/x-ivf
0:00:03.844599843  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-kss
0:00:03.844642655  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/pdf
0:00:03.844685676  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/msword
0:00:03.844730207  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/octet-stream
0:00:03.844784895  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/vnd.adobe.photoshop
0:00:03.844827811  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/vnd.wap.wbmp
0:00:03.844865259  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-yuv4mpeg
0:00:03.844917707  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/x-icon
0:00:03.844957863  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for image/x-degas
0:00:03.844998801  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/octet-stream
0:00:03.845039009  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for application/x-ssa
0:00:03.845088332  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for video/x-pva
0:00:03.845133749  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/x-xi
0:00:03.845177655  7963      0x9aa4d90 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for audio/audible
0:00:03.845222395  7963      0x9aa4d90 INFO      GST_PLUGIN_LOADING gstplugin.c:901:_priv_gst_plugin_load_file_for_registry: plugin "/usr/lib/aarch64-linux-gnu/gstreamer-1.0/libgsttypefindfunctions.so" loaded
0:00:03.845743176  7963      0x9aa4d90 INFO               GST_EVENT gstevent.c:814:gst_event_new_caps: creating caps event video/quicktime, variant=(string)iso
0:00:03.845809634  7963      0x9aa4d90 INFO        GST_ELEMENT_PADS gstelement.c:920:gst_element_get_static_pad: found pad typefind:src
0:00:03.845839426  7963      0x9aa4d90 INFO        GST_ELEMENT_PADS gstelement.c:920:gst_element_get_static_pad: found pad typefind:sink
0:00:03.867818957  7963      0x9aa4d90 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link typefind:src and decodepad0:proxypad1
0:00:03.867867134  7963      0x9aa4d90 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked typefind:src and decodepad0:proxypad1, successful
0:00:03.867882186  7963      0x9aa4d90 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.874055051  7963      0x9aa4d90 INFO        GST_ELEMENT_PADS gstpad.c:2134:gst_pad_unlink: unlinking typefind:src(0x3245a5e0) and decodepad0:proxypad1(0x3246e9e0)
0:00:03.874135363  7963      0x9aa4d90 INFO        GST_ELEMENT_PADS gstpad.c:2188:gst_pad_unlink: unlinked typefind:src and decodepad0:proxypad1
0:00:03.874176926  7963      0x9aa4d90 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link typefind:src and decodepad0:proxypad1
0:00:03.874203384  7963      0x9aa4d90 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked typefind:src and decodepad0:proxypad1, successful
0:00:03.874220676  7963      0x9aa4d90 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.874315936  7963      0x9aa4d90 INFO        GST_ELEMENT_PADS gstpad.c:2134:gst_pad_unlink: unlinking typefind:src(0x3245a5e0) and decodepad0:proxypad1(0x3246e9e0)
0:00:03.874352447  7963      0x9aa4d90 INFO        GST_ELEMENT_PADS gstpad.c:2188:gst_pad_unlink: unlinked typefind:src and decodepad0:proxypad1
0:00:03.877051092  7963      0x9aa4d90 INFO      GST_PLUGIN_LOADING gstplugin.c:901:_priv_gst_plugin_load_file_for_registry: plugin "/usr/lib/aarch64-linux-gnu/gstreamer-1.0/libgstisomp4.so" loaded
0:00:03.877097759  7963      0x9aa4d90 INFO     GST_ELEMENT_FACTORY gstelementfactory.c:361:gst_element_factory_create: creating element "qtdemux"
0:00:03.877438592  7963      0x9aa4d90 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstQTDemux@0x7f0c033a90> adding pad 'sink'
0:00:03.877622186  7963      0x9aa4d90 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link typefind:src and qtdemux0:sink
0:00:03.877657186  7963      0x9aa4d90 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked typefind:src and qtdemux0:sink, successful
0:00:03.877676874  7963      0x9aa4d90 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.877737082  7963      0x9aa4d90 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<qtdemux0> completed state change to READY
0:00:03.877764478  7963      0x9aa4d90 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<qtdemux0> notifying about state-changed NULL to READY (VOID_PENDING pending)
0:00:03.877836665  7963      0x9aa4d90 INFO        GST_ELEMENT_PADS gstelement.c:917:gst_element_get_static_pad: no such pad 'video_%u' in element "qtdemux0"
0:00:03.877860936  7963      0x9aa4d90 INFO        GST_ELEMENT_PADS gstelement.c:917:gst_element_get_static_pad: no such pad 'audio_%u' in element "qtdemux0"
0:00:03.877880936  7963      0x9aa4d90 INFO        GST_ELEMENT_PADS gstelement.c:917:gst_element_get_static_pad: no such pad 'subtitle_%u' in element "qtdemux0"
0:00:03.878016509  7963      0x9aa4d90 INFO                    task gsttask.c:457:gst_task_set_lock: setting stream lock 0x3245aaf0 on task 0x32469710
0:00:03.878048801  7963      0x9aa4d90 INFO                GST_PADS gstpad.c:6154:gst_pad_start_task:<qtdemux0:sink> created task 0x32469710
0:00:03.878194426  7963      0x9aa4d90 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<qtdemux0> completed state change to PAUSED
0:00:03.878231561  7963      0x9aa4d90 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<qtdemux0> notifying about state-changed READY to PAUSED (VOID_PENDING pending)
0:00:03.878294217  7963      0x9aa4d90 INFO                typefind gsttypefindelement.c:181:gst_type_find_element_have_type:<typefind> found caps video/quicktime, variant=(string)iso, probability=100
0:00:03.878323540  7963      0x9aa4d90 INFO                    task gsttask.c:316:gst_task_func:<typefind:sink> Task going to paused
0:00:03.882301717  7963   0x7f0c0664f0 WARN                 qtdemux qtdemux_types.c:233:qtdemux_type_get: unknown QuickTime node type gsst
0:00:03.882372551  7963   0x7f0c0664f0 WARN                 qtdemux qtdemux_types.c:233:qtdemux_type_get: unknown QuickTime node type gstd
0:00:03.882467551  7963   0x7f0c0664f0 INFO                 qtdemux qtdemux.c:13235:qtdemux_parse_tree:<qtdemux0> timescale: 12800
0:00:03.882494165  7963   0x7f0c0664f0 INFO                 qtdemux qtdemux.c:13236:qtdemux_parse_tree:<qtdemux0> duration: 92227133
0:00:03.882556457  7963   0x7f0c0664f0 WARN                 qtdemux qtdemux.c:3031:qtdemux_parse_trex:<qtdemux0> failed to find fragment defaults for stream 1
0:00:03.882760676  7963   0x7f0c0664f0 INFO                 qtdemux qtdemux.c:10812:qtdemux_parse_trak:<qtdemux0> type avc1 caps video/x-h264, stream-format=(string)avc, alignment=(string)au, level=(string)3.1, profile=(string)main, codec_data=(buffer)014d401fffe1001c674d401fe8802802dd80b501010140000003004000000c83c60c448001000468eb8f20
0:00:03.885038645  7963   0x7f0c0664f0 WARN                 qtdemux qtdemux.c:3031:qtdemux_parse_trex:<qtdemux0> failed to find fragment defaults for stream 2
0:00:03.885380832  7963   0x7f0c0664f0 INFO                 qtdemux qtdemux.c:11547:qtdemux_parse_trak:<qtdemux0> type mp4a caps audio/mpeg, mpegversion=(int)4, framed=(boolean)true, stream-format=(string)raw, level=(string)2, base-profile=(string)lc, profile=(string)lc, codec_data=(buffer)12100000000000000000000000000000
0:00:03.887238540  7963   0x7f0c0664f0 INFO          GST_SCHEDULING gstpad.c:4895:gst_pad_get_range_unchecked:<filesrc0:src> getrange failed, flow: eos
0:00:03.887278540  7963   0x7f0c0664f0 INFO          GST_SCHEDULING gstpad.c:5110:gst_pad_pull_range:<decodebin0:sink> pullrange failed, flow: eos
0:00:03.887299009  7963   0x7f0c0664f0 INFO          GST_SCHEDULING gstpad.c:4895:gst_pad_get_range_unchecked:<sink:proxypad0> getrange failed, flow: eos
0:00:03.887317915  7963   0x7f0c0664f0 INFO          GST_SCHEDULING gstpad.c:5110:gst_pad_pull_range:<typefind:sink> pullrange failed, flow: eos
0:00:03.887335624  7963   0x7f0c0664f0 INFO          GST_SCHEDULING gstpad.c:4895:gst_pad_get_range_unchecked:<typefind:src> getrange failed, flow: eos
0:00:03.887353020  7963   0x7f0c0664f0 INFO          GST_SCHEDULING gstpad.c:5110:gst_pad_pull_range:<qtdemux0:sink> pullrange failed, flow: eos
0:00:03.887519686  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:920:gst_element_get_static_pad: found pad qtdemux0:sink
0:00:03.887644790  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:814:gst_event_new_caps: creating caps event video/x-h264, stream-format=(string)avc, alignment=(string)au, level=(string)3.1, profile=(string)main, codec_data=(buffer)014d401fffe1001c674d401fe8802802dd80b501010140000003004000000c83c60c448001000468eb8f20, width=(int)1280, height=(int)720, framerate=(fraction)25/1, pixel-aspect-ratio=(fraction)1/1
0:00:03.887679061  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<qtdemux0> adding pad 'video_0'
0:00:03.887738384  7963   0x7f0c0664f0 INFO     GST_ELEMENT_FACTORY gstelementfactory.c:361:gst_element_factory_create: creating element "multiqueue"
0:00:03.888029530  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:920:gst_element_get_static_pad: found pad qtdemux0:sink
0:00:03.888108592  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2651:gst_element_continue_state:<multiqueue0> committing state from NULL to READY, pending PAUSED, next PAUSED
0:00:03.888134790  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<multiqueue0> notifying about state-changed NULL to READY (PAUSED pending)
0:00:03.888164061  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2658:gst_element_continue_state:<multiqueue0> continue state change READY to PAUSED, final PAUSED
0:00:03.888187915  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<multiqueue0> completed state change to PAUSED
0:00:03.888208488  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<multiqueue0> notifying about state-changed READY to PAUSED (VOID_PENDING pending)
0:00:03.888345884  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link qtdemux0:video_0 and decodepad1:proxypad2
0:00:03.888379582  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked qtdemux0:video_0 and decodepad1:proxypad2, successful
0:00:03.888397030  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.889195572  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2134:gst_pad_unlink: unlinking qtdemux0:video_0(0x3245b3c0) and decodepad1:proxypad2(0x3246e9e0)
0:00:03.889245572  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2188:gst_pad_unlink: unlinked qtdemux0:video_0 and decodepad1:proxypad2
0:00:03.889441978  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<multiqueue0> adding pad 'src_0'
0:00:03.889469322  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<multiqueue0> adding pad 'sink_0'
0:00:03.889510051  7963   0x7f0c0664f0 INFO                    task gsttask.c:457:gst_task_set_lock: setting stream lock 0x3245b8d0 on task 0x32469b90
0:00:03.889529686  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:6154:gst_pad_start_task:<multiqueue0:src_0> created task 0x32469b90
0:00:03.889709374  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link qtdemux0:video_0 and multiqueue0:sink_0
0:00:03.889745676  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked qtdemux0:video_0 and multiqueue0:sink_0, successful
0:00:03.889765520  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.889869686  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link multiqueue0:src_0 and decodepad1:proxypad2
0:00:03.889912551  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked multiqueue0:src_0 and decodepad1:proxypad2, successful
0:00:03.889934426  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.890013801  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2134:gst_pad_unlink: unlinking multiqueue0:src_0(0x3245b860) and decodepad1:proxypad2(0x3246e9e0)
0:00:03.890062863  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2188:gst_pad_unlink: unlinked multiqueue0:src_0 and decodepad1:proxypad2
0:00:03.890136874  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link multiqueue0:src_0 and decodepad1:proxypad2
0:00:03.890220155  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked multiqueue0:src_0 and decodepad1:proxypad2, successful
0:00:03.890244322  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.890371874  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2134:gst_pad_unlink: unlinking multiqueue0:src_0(0x3245b860) and decodepad1:proxypad2(0x3246e9e0)
0:00:03.890472342  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2188:gst_pad_unlink: unlinked multiqueue0:src_0 and decodepad1:proxypad2
0:00:03.892418384  7963   0x7f0c0664f0 INFO      GST_PLUGIN_LOADING gstplugin.c:901:_priv_gst_plugin_load_file_for_registry: plugin "/usr/lib/aarch64-linux-gnu/gstreamer-1.0/libgstvideoparsersbad.so" loaded
0:00:03.892467655  7963   0x7f0c0664f0 INFO     GST_ELEMENT_FACTORY gstelementfactory.c:361:gst_element_factory_create: creating element "h264parse"
0:00:03.892773853  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseParse@0x7f0400fac0> adding pad 'sink'
0:00:03.892830832  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseParse@0x7f0400fac0> adding pad 'src'
0:00:03.892864374  7963   0x7f0c0664f0 INFO               baseparse gstbaseparse.c:3961:gst_base_parse_set_pts_interpolation:<GstH264Parse@0x7f0400fac0> PTS interpolation: no
0:00:03.893030103  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link multiqueue0:src_0 and h264parse0:sink
0:00:03.893063592  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked multiqueue0:src_0 and h264parse0:sink, successful
0:00:03.893082707  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.893178592  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<h264parse0> completed state change to READY
0:00:03.893226405  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<h264parse0> notifying about state-changed NULL to READY (VOID_PENDING pending)
0:00:03.893450259  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:920:gst_element_get_static_pad: found pad h264parse0:src
0:00:03.893508592  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link h264parse0:src and decodepad1:proxypad2
0:00:03.893537863  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked h264parse0:src and decodepad1:proxypad2, successful
0:00:03.893630520  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.893655572  7963   0x7f0c0664f0 INFO               GST_EVENT gstpad.c:5808:gst_pad_send_event_unchecked:<h264parse0:src> Received event on flushing pad. Discarding
0:00:03.894728072  7963   0x7f0c0664f0 INFO     GST_ELEMENT_FACTORY gstelementfactory.c:361:gst_element_factory_create: creating element "capsfilter"
0:00:03.894959530  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseTransform@0x7f0401a200> adding pad 'sink'
0:00:03.895031145  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseTransform@0x7f0401a200> adding pad 'src'
0:00:03.895077603  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.895117290  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2651:gst_element_continue_state:<capsfilter0> committing state from NULL to READY, pending PAUSED, next PAUSED
0:00:03.895141978  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<capsfilter0> notifying about state-changed NULL to READY (PAUSED pending)
0:00:03.895172655  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2658:gst_element_continue_state:<capsfilter0> continue state change READY to PAUSED, final PAUSED
0:00:03.895211717  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<capsfilter0> completed state change to PAUSED
0:00:03.895345103  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<capsfilter0> notifying about state-changed READY to PAUSED (VOID_PENDING pending)
0:00:03.895467551  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2134:gst_pad_unlink: unlinking h264parse0:src(0x3245bd00) and decodepad1:proxypad2(0x3246e9e0)
0:00:03.895528957  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2188:gst_pad_unlink: unlinked h264parse0:src and decodepad1:proxypad2
0:00:03.895565155  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:920:gst_element_get_static_pad: found pad capsfilter0:sink
0:00:03.895618124  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link h264parse0:src and capsfilter0:sink
0:00:03.895665467  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked h264parse0:src and capsfilter0:sink, successful
0:00:03.895682134  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.895701822  7963   0x7f0c0664f0 INFO               GST_EVENT gstpad.c:5808:gst_pad_send_event_unchecked:<h264parse0:src> Received event on flushing pad. Discarding
0:00:03.895755103  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:920:gst_element_get_static_pad: found pad capsfilter0:src
0:00:03.895809530  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link capsfilter0:src and decodepad1:proxypad2
0:00:03.895833905  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked capsfilter0:src and decodepad1:proxypad2, successful
0:00:03.895900884  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.895922863  7963   0x7f0c0664f0 INFO               GST_EVENT gstpad.c:5808:gst_pad_send_event_unchecked:<h264parse0:src> Received event on flushing pad. Discarding
0:00:03.896306040  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<h264parse0> completed state change to PAUSED
0:00:03.896343488  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<h264parse0> notifying about state-changed READY to PAUSED (VOID_PENDING pending)
0:00:03.896624999  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<'':decodepad1> pad has no peer
0:00:03.896890780  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:920:gst_element_get_static_pad: found pad qtdemux0:sink
0:00:03.897120676  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:814:gst_event_new_caps: creating caps event audio/mpeg, mpegversion=(int)4, framed=(boolean)true, stream-format=(string)raw, level=(string)2, base-profile=(string)lc, profile=(string)lc, codec_data=(buffer)12100000000000000000000000000000, rate=(int)44100, channels=(int)2
0:00:03.897171770  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<qtdemux0> adding pad 'audio_0'
0:00:03.897481457  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link qtdemux0:audio_0 and decodepad2:proxypad3
0:00:03.897515936  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked qtdemux0:audio_0 and decodepad2:proxypad3, successful
0:00:03.897534113  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.898421145  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2134:gst_pad_unlink: unlinking qtdemux0:audio_0(0x7f040125c0) and decodepad2:proxypad3(0x3246f360)
0:00:03.898483020  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2188:gst_pad_unlink: unlinked qtdemux0:audio_0 and decodepad2:proxypad3
0:00:03.898689634  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<multiqueue0> adding pad 'src_1'
0:00:03.898723384  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<multiqueue0> adding pad 'sink_1'
0:00:03.898764061  7963   0x7f0c0664f0 INFO                    task gsttask.c:457:gst_task_set_lock: setting stream lock 0x7f04012ad0 on task 0x32469ef0
0:00:03.898784530  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:6154:gst_pad_start_task:<multiqueue0:src_1> created task 0x32469ef0
0:00:03.899040103  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link qtdemux0:audio_0 and multiqueue0:sink_1
0:00:03.899076457  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked qtdemux0:audio_0 and multiqueue0:sink_1, successful
0:00:03.899098957  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.899190988  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link multiqueue0:src_1 and decodepad2:proxypad3
0:00:03.899276613  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked multiqueue0:src_1 and decodepad2:proxypad3, successful
0:00:03.899295936  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.899385311  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2134:gst_pad_unlink: unlinking multiqueue0:src_1(0x7f04012a60) and decodepad2:proxypad3(0x3246f360)
0:00:03.899448592  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2188:gst_pad_unlink: unlinked multiqueue0:src_1 and decodepad2:proxypad3
0:00:03.899487082  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link multiqueue0:src_1 and decodepad2:proxypad3
0:00:03.899562967  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked multiqueue0:src_1 and decodepad2:proxypad3, successful
0:00:03.899582186  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.899776457  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2134:gst_pad_unlink: unlinking multiqueue0:src_1(0x7f04012a60) and decodepad2:proxypad3(0x3246f360)
0:00:03.899814009  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2188:gst_pad_unlink: unlinked multiqueue0:src_1 and decodepad2:proxypad3
0:00:03.901101301  7963   0x7f0c0664f0 INFO      GST_PLUGIN_LOADING gstplugin.c:901:_priv_gst_plugin_load_file_for_registry: plugin "/usr/lib/aarch64-linux-gnu/gstreamer-1.0/libgstaudioparsers.so" loaded
0:00:03.901148801  7963   0x7f0c0664f0 INFO     GST_ELEMENT_FACTORY gstelementfactory.c:361:gst_element_factory_create: creating element "aacparse"
0:00:03.901355728  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseParse@0x7f0405bd50> adding pad 'sink'
0:00:03.901405467  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseParse@0x7f0405bd50> adding pad 'src'
0:00:03.901601665  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link multiqueue0:src_1 and aacparse0:sink
0:00:03.901635051  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked multiqueue0:src_1 and aacparse0:sink, successful
0:00:03.901652967  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.901773176  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<aacparse0> completed state change to READY
0:00:03.901824999  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<aacparse0> notifying about state-changed NULL to READY (VOID_PENDING pending)
0:00:03.901923020  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:920:gst_element_get_static_pad: found pad aacparse0:src
0:00:03.902159999  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link aacparse0:src and decodepad2:proxypad3
0:00:03.902193645  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked aacparse0:src and decodepad2:proxypad3, successful
0:00:03.902211613  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.902231561  7963   0x7f0c0664f0 INFO               GST_EVENT gstpad.c:5808:gst_pad_send_event_unchecked:<aacparse0:src> Received event on flushing pad. Discarding
0:00:03.902431092  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<aacparse0> completed state change to PAUSED
0:00:03.902463280  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<aacparse0> notifying about state-changed READY to PAUSED (VOID_PENDING pending)
0:00:03.902726822  7963   0x7f0c0664f0 INFO                aacparse gstaacparse.c:605:gst_aac_parse_read_audio_specific_config:<aacparse0> Parsed AudioSpecificConfig: 44100 Hz, 2 channels
0:00:03.902823488  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<'':decodepad2> pad has no peer
0:00:03.902908436  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:814:gst_event_new_caps: creating caps event audio/mpeg, mpegversion=(int)4, framed=(boolean)true, stream-format=(string)raw, level=(string)2, base-profile=(string)lc, profile=(string)lc, codec_data=(buffer)12100000000000000000000000000000, rate=(int)44100, channels=(int)2
0:00:03.902981717  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2134:gst_pad_unlink: unlinking aacparse0:src(0x7f04012f00) and decodepad2:proxypad3(0x3246f360)
0:00:03.903017395  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2188:gst_pad_unlink: unlinked aacparse0:src and decodepad2:proxypad3
0:00:03.903086197  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link aacparse0:src and decodepad2:proxypad3
0:00:03.903138280  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked aacparse0:src and decodepad2:proxypad3, successful
0:00:03.903184895  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.904485415  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2134:gst_pad_unlink: unlinking aacparse0:src(0x7f04012f00) and decodepad2:proxypad3(0x3246f360)
0:00:03.904537603  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2188:gst_pad_unlink: unlinked aacparse0:src and decodepad2:proxypad3
0:00:03.904577186  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link aacparse0:src and decodepad2:proxypad3
0:00:03.904602967  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked aacparse0:src and decodepad2:proxypad3, successful
0:00:03.904619530  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.904828488  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2134:gst_pad_unlink: unlinking aacparse0:src(0x7f04012f00) and decodepad2:proxypad3(0x3246f360)
0:00:03.904863384  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2188:gst_pad_unlink: unlinked aacparse0:src and decodepad2:proxypad3
0:00:03.904899738  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link aacparse0:src and decodepad2:proxypad3
0:00:03.904923905  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked aacparse0:src and decodepad2:proxypad3, successful
0:00:03.904939790  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.905217967  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2134:gst_pad_unlink: unlinking aacparse0:src(0x7f04012f00) and decodepad2:proxypad3(0x3246f360)
0:00:03.905250363  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstpad.c:2188:gst_pad_unlink: unlinked aacparse0:src and decodepad2:proxypad3
0:00:03.944450780  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_avs
0:00:03.944700415  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_bfstm
0:00:03.944879895  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_brstm
0:00:03.945043280  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_daud
0:00:03.945166092  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_ea
0:00:03.945258488  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_ffm
0:00:03.945364999  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_4xm
0:00:03.945462707  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_gxf
0:00:03.945658228  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_idcin
0:00:03.945763124  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_ipmovie
0:00:03.945936717  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_mm
0:00:03.946022186  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_mmf
0:00:03.946150624  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_nsv
0:00:03.946249738  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_nut
0:00:03.946455728  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_film_cpk
0:00:03.946574009  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_smk
0:00:03.946669947  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_sol
0:00:03.946798280  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_psxstr
0:00:03.947073749  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_vmd
0:00:03.947231092  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_wc3movie
0:00:03.947328905  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_wsaud
0:00:03.947628645  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_wsvqa
0:00:03.947741509  7963   0x7f0c0664f0 INFO            GST_TYPEFIND gsttypefind.c:72:gst_type_find_register: registering typefind function for avtype_yuv4mpegpipe
0:00:03.948748488  7963   0x7f0c0664f0 INFO      GST_PLUGIN_LOADING gstplugin.c:901:_priv_gst_plugin_load_file_for_registry: plugin "/usr/lib/aarch64-linux-gnu/gstreamer-1.0/libgstlibav.so" loaded
0:00:03.948793905  7963   0x7f0c0664f0 INFO     GST_ELEMENT_FACTORY gstelementfactory.c:361:gst_element_factory_create: creating element "avdec_aac"
0:00:03.949048228  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstAudioDecoder@0x7f040c6630> adding pad 'sink'
0:00:03.949101978  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstAudioDecoder@0x7f040c6630> adding pad 'src'
0:00:03.949318801  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link aacparse0:src and avdec_aac0:sink
0:00:03.949356561  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked aacparse0:src and avdec_aac0:sink, successful
0:00:03.949378697  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.949493592  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<avdec_aac0> completed state change to READY
0:00:03.949601405  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<avdec_aac0> notifying about state-changed NULL to READY (VOID_PENDING pending)
0:00:03.949715155  7963   0x7f0c0664f0 INFO        GST_ELEMENT_PADS gstelement.c:920:gst_element_get_static_pad: found pad avdec_aac0:src
0:00:03.949821822  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link avdec_aac0:src and decodepad2:proxypad3
0:00:03.949850207  7963   0x7f0c0664f0 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked avdec_aac0:src and decodepad2:proxypad3, successful
0:00:03.949916926  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.949981613  7963   0x7f0c0664f0 INFO               GST_EVENT gstpad.c:5808:gst_pad_send_event_unchecked:<avdec_aac0:src> Received event on flushing pad. Discarding
0:00:03.950170780  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<avdec_aac0> completed state change to PAUSED
0:00:03.950202447  7963   0x7f0c0664f0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<avdec_aac0> notifying about state-changed READY to PAUSED (VOID_PENDING pending)
[OpenGL] glDisplay -- display device initialized
before while
sample_next...
0:00:03.955994374  7963   0x7f0c0664f0 INFO               baseparse gstbaseparse.c:3942:gst_base_parse_set_passthrough:<aacparse0> passthrough: yes
0:00:03.956622967  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:895:gst_event_new_segment: creating segment event time segment start=0:00:00.040000000, offset=0:00:00.000000000, stop=2:00:05.280000000, rate=1.000000, applied_rate=1.000000, flags=0x00, time=0:00:00.000000000, base=0:00:00.000000000, position 0:00:00.040000000, duration 99:99:99.999999999
0:00:03.957227134  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<'':decodepad1> pad has no peer
0:00:03.957368384  7963   0x7f0c0664f0 INFO               GST_EVENT gstevent.c:895:gst_event_new_segment: creating segment event time segment start=0:00:00.000000000, offset=0:00:00.000000000, stop=2:00:05.244765625, rate=1.000000, applied_rate=1.000000, flags=0x00, time=0:00:00.000000000, base=0:00:00.000000000, position 0:00:00.000000000, duration 99:99:99.999999999
0:00:03.957483332  7963   0x7f042aff20 INFO               baseparse gstbaseparse.c:4777:gst_base_parse_set_upstream_tags:<h264parse0> upstream tags: taglist, video-codec=(string)"H.264\ /\ AVC";
0:00:03.957860832  7963   0x7f042aff20 INFO               h264parse gsth264parse.c:1817:gst_h264_parse_update_src_caps:<h264parse0> pixel aspect ratio has been changed 1/1
0:00:03.957892186  7963   0x7f042b0590 INFO                aacparse gstaacparse.c:605:gst_aac_parse_read_audio_specific_config:<aacparse0> Parsed AudioSpecificConfig: 44100 Hz, 2 channels
0:00:03.957940415  7963   0x7f042aff20 INFO               baseparse gstbaseparse.c:4004:gst_base_parse_set_latency:<h264parse0> min/max latency 0:00:00.040000000, 0:00:00.040000000
0:00:03.958089582  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<'':decodepad1> pad has no peer
0:00:03.958251613  7963   0x7f042aff20 INFO               GST_EVENT gstevent.c:814:gst_event_new_caps: creating caps event video/x-h264, stream-format=(string)byte-stream, alignment=(string)au, level=(string)3.1, profile=(string)main, width=(int)1280, height=(int)720, framerate=(fraction)25/1, pixel-aspect-ratio=(fraction)1/1, interlace-mode=(string)progressive, chroma-format=(string)4:2:0, bit-depth-luma=(uint)8, bit-depth-chroma=(uint)8, parsed=(boolean)true
0:00:03.958387655  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<'':decodepad1> pad has no peer
0:00:03.958421509  7963   0x7f042aff20 INFO           basetransform gstbasetransform.c:1308:gst_base_transform_setcaps:<capsfilter0> reuse caps
0:00:03.958466092  7963   0x7f042aff20 INFO               GST_EVENT gstevent.c:814:gst_event_new_caps: creating caps event video/x-h264, stream-format=(string)byte-stream, alignment=(string)au, level=(string)3.1, profile=(string)main, width=(int)1280, height=(int)720, framerate=(fraction)25/1, pixel-aspect-ratio=(fraction)1/1, interlace-mode=(string)progressive, chroma-format=(string)4:2:0, bit-depth-luma=(uint)8, bit-depth-chroma=(uint)8, parsed=(boolean)true
0:00:03.958519738  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstpad.c:2134:gst_pad_unlink: unlinking capsfilter0:src(0x7f04012370) and decodepad1:proxypad2(0x3246e9e0)
0:00:03.958556301  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstpad.c:2188:gst_pad_unlink: unlinked capsfilter0:src and decodepad1:proxypad2
0:00:03.958589686  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link capsfilter0:src and decodepad1:proxypad2
0:00:03.958659842  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked capsfilter0:src and decodepad1:proxypad2, successful
0:00:03.958677551  7963   0x7f042aff20 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.961796822  7963   0x7f042b0590 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<'':decodepad2> pad has no peer
0:00:03.961947134  7963   0x7f042b0590 INFO               GST_EVENT gstevent.c:814:gst_event_new_caps: creating caps event audio/mpeg, mpegversion=(int)4, framed=(boolean)true, stream-format=(string)raw, level=(string)2, base-profile=(string)lc, profile=(string)lc, codec_data=(buffer)12100000000000000000000000000000, rate=(int)44100, channels=(int)2
0:00:03.962103384  7963   0x7f042b0590 INFO               baseparse gstbaseparse.c:3942:gst_base_parse_set_passthrough:<aacparse0> passthrough: yes
0:00:03.962191665  7963   0x7f042b0590 INFO               baseparse gstbaseparse.c:4777:gst_base_parse_set_upstream_tags:<aacparse0> upstream tags: taglist, audio-codec=(string)"MPEG-4\ AAC\ audio";
0:00:03.962358384  7963   0x7f042b0590 INFO            audiodecoder gstaudiodecoder.c:2294:gst_audio_decoder_sink_eventfunc:<avdec_aac0> upstream stream tags: taglist, audio-codec=(string)"MPEG-4\ AAC\ audio";
0:00:03.962674582  7963   0x7f042b0590 INFO            audiodecoder gstaudiodecoder.c:2294:gst_audio_decoder_sink_eventfunc:<avdec_aac0> upstream stream tags: taglist, audio-codec=(string)"MPEG-4\ AAC";
0:00:03.963059322  7963   0x7f042b0590 INFO               GST_EVENT gstevent.c:814:gst_event_new_caps: creating caps event audio/x-raw, format=(string)F32LE, layout=(string)interleaved, rate=(int)44100, channels=(int)2, channel-mask=(bitmask)0x0000000000000003
0:00:03.963968228  7963   0x7f042b0590 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<'':decodepad2> pad has no peer
0:00:03.964447447  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstpad.c:2134:gst_pad_unlink: unlinking capsfilter0:src(0x7f04012370) and decodepad1:proxypad2(0x3246e9e0)
0:00:03.964502551  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstpad.c:2188:gst_pad_unlink: unlinked capsfilter0:src and decodepad1:proxypad2
0:00:03.964548072  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link capsfilter0:src and decodepad1:proxypad2
0:00:03.964576353  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked capsfilter0:src and decodepad1:proxypad2, successful
0:00:03.964590884  7963   0x7f042aff20 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.964728592  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstpad.c:2134:gst_pad_unlink: unlinking capsfilter0:src(0x7f04012370) and decodepad1:proxypad2(0x3246e9e0)
0:00:03.964775624  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstpad.c:2188:gst_pad_unlink: unlinked capsfilter0:src and decodepad1:proxypad2
0:00:03.964815207  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link capsfilter0:src and decodepad1:proxypad2
0:00:03.964839009  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked capsfilter0:src and decodepad1:proxypad2, successful
0:00:03.964855415  7963   0x7f042aff20 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:03.964940572  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstpad.c:2134:gst_pad_unlink: unlinking capsfilter0:src(0x7f04012370) and decodepad1:proxypad2(0x3246e9e0)
0:00:03.964974999  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstpad.c:2188:gst_pad_unlink: unlinked capsfilter0:src and decodepad1:proxypad2
0:00:03.991191770  7963   0x7f042aff20 INFO      GST_PLUGIN_LOADING gstplugin.c:901:_priv_gst_plugin_load_file_for_registry: plugin "/usr/lib/aarch64-linux-gnu/gstreamer-1.0/libgstnvvideo4linux2.so" loaded
0:00:03.991260520  7963   0x7f042aff20 INFO     GST_ELEMENT_FACTORY gstelementfactory.c:361:gst_element_factory_create: creating element "nvv4l2decoder"
0:00:03.991762811  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstVideoDecoder@0x7f080cf3c0> adding pad 'sink'
0:00:03.991823280  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstVideoDecoder@0x7f080cf3c0> adding pad 'src'
0:00:03.991942707  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link capsfilter0:src and nvv4l2decoder0:sink
0:00:03.991972082  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked capsfilter0:src and nvv4l2decoder0:sink, successful
0:00:03.991986613  7963   0x7f042aff20 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
Opening in BLOCKING MODE
0:00:04.005845780  7963   0x7f042aff20 INFO                    v4l2 v4l2_calls.c:622:gst_v4l2_open:<nvv4l2decoder0:sink> Opened device '' (/dev/nvhost-nvdec) successfully
0:00:04.005900832  7963   0x7f042aff20 INFO                    v4l2 v4l2_calls.c:723:gst_v4l2_dup:<nvv4l2decoder0:src> Cloned device '' (/dev/nvhost-nvdec) successfully
0:00:04.005962342  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:1280:gst_v4l2_object_fill_format_list:<nvv4l2decoder0:sink> got 12 format(s):
0:00:04.005990207  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:1286:gst_v4l2_object_fill_format_list:<nvv4l2decoder0:sink>   JPEG
0:00:04.006011457  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:1286:gst_v4l2_object_fill_format_list:<nvv4l2decoder0:sink>   MJPG
0:00:04.006027811  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:1286:gst_v4l2_object_fill_format_list:<nvv4l2decoder0:sink>   DVX5
0:00:04.006054895  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:1286:gst_v4l2_object_fill_format_list:<nvv4l2decoder0:sink>   DVX4
0:00:04.006074790  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:1286:gst_v4l2_object_fill_format_list:<nvv4l2decoder0:sink>   MPG4
0:00:04.006093176  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:1286:gst_v4l2_object_fill_format_list:<nvv4l2decoder0:sink>   MPG2
0:00:04.006110780  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:1286:gst_v4l2_object_fill_format_list:<nvv4l2decoder0:sink>   VP90
0:00:04.006129009  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:1286:gst_v4l2_object_fill_format_list:<nvv4l2decoder0:sink>   VP80
0:00:04.006147134  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:1286:gst_v4l2_object_fill_format_list:<nvv4l2decoder0:sink>   H265
0:00:04.006164947  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:1286:gst_v4l2_object_fill_format_list:<nvv4l2decoder0:sink>   H264
0:00:04.006182447  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:1286:gst_v4l2_object_fill_format_list:<nvv4l2decoder0:sink>   VP8F
0:00:04.006199895  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:1286:gst_v4l2_object_fill_format_list:<nvv4l2decoder0:sink>   S264
0:00:04.006503488  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:4464:gst_v4l2_object_probe_caps:<nvv4l2decoder0:sink> probed caps: image/jpeg, width=(int)[ 48, 7680 ], height=(int)[ 48, 7680 ], parsed=(boolean)true; video/x-h264, stream-format=(string)byte-stream, alignment=(string)au, width=(int)[ 48, 4096 ], height=(int)[ 48, 4096 ], parsed=(boolean)true; video/x-h265, stream-format=(string)byte-stream, alignment=(string)au, width=(int)[ 48, 4096 ], height=(int)[ 48, 4096 ], parsed=(boolean)true; video/mpeg, mpegversion=(int)4, systemstream=(boolean)false, parsed=(boolean)true, width=(int)[ 48, 1920 ], height=(int)[ 48, 1920 ]; video/mpeg, mpegversion=(int)2, systemstream=(boolean)false, parsed=(boolean)true, width=(int)[ 48, 3840 ], height=(int)[ 48, 3840 ]; video/x-divx, divxversion=(int)5, width=(int)[ 48, 1920 ], height=(int)[ 48, 1920 ], systemstream=(boolean)false; video/x-divx, divxversion=(int)4, width=(int)[ 48, 1920 ], height=(int)[ 48, 1920 ], systemstream=(boolean)false; video/x-vp8, width=(int)[ 48, 4096 ], height=(int)[ 48, 4096 ]; video/x-vp9, width=(int)[ 48, 4096 ], height=(int)[ 48, 4096 ]
0:00:04.007547551  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:1280:gst_v4l2_object_fill_format_list:<nvv4l2decoder0:src> got 1 format(s):
0:00:04.007575572  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:1286:gst_v4l2_object_fill_format_list:<nvv4l2decoder0:src>   NM12
0:00:04.007606770  7963   0x7f042aff20 WARN                    v4l2 gstv4l2object.c:4408:gst_v4l2_object_probe_caps:<nvv4l2decoder0:src> Failed to probe pixel aspect ratio with VIDIOC_CROPCAP: Unknown error -1
0:00:04.007642603  7963   0x7f042aff20 WARN                    v4l2 gstv4l2object.c:2370:gst_v4l2_object_add_interlace_mode:0x7f080d7a20 Failed to determine interlace mode
0:00:04.007693905  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:4464:gst_v4l2_object_probe_caps:<nvv4l2decoder0:src> probed caps: video/x-raw, format=(string)NV12, width=(int)[ 48, 4096 ], height=(int)[ 48, 4096 ], framerate=(fraction)[ 0/1, 2147483647/1 ]
0:00:04.007716978  7963   0x7f042aff20 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<nvv4l2decoder0> completed state change to READY
0:00:04.007739582  7963   0x7f042aff20 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<nvv4l2decoder0> notifying about state-changed NULL to READY (VOID_PENDING pending)
0:00:04.007827238  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<nvv4l2decoder0:src> pad has no peer
0:00:04.008008384  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:920:gst_element_get_static_pad: found pad nvv4l2decoder0:src
0:00:04.008060103  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link nvv4l2decoder0:src and decodepad1:proxypad2
0:00:04.008087447  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked nvv4l2decoder0:src and decodepad1:proxypad2, successful
0:00:04.008105207  7963   0x7f042aff20 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:04.008125103  7963   0x7f042aff20 INFO               GST_EVENT gstpad.c:5808:gst_pad_send_event_unchecked:<nvv4l2decoder0:src> Received event on flushing pad. Discarding
0:00:04.008190676  7963   0x7f042aff20 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<nvv4l2decoder0> completed state change to PAUSED
0:00:04.008218801  7963   0x7f042aff20 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<nvv4l2decoder0> notifying about state-changed READY to PAUSED (VOID_PENDING pending)
0:00:04.008328905  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<'':decodepad1> pad has no peer
NvMMLiteOpen : Block : BlockType = 261
NVMEDIA: Reading vendor.tegra.display-size : status: 6
NvMMLiteBlockCreate : Block : BlockType = 261
0:00:04.010603905  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:3146:gst_v4l2_object_setup_pool:<nvv4l2decoder0:sink> accessing buffers via mode 3
0:00:04.010860624  7963   0x7f042aff20 INFO          v4l2bufferpool gstv4l2bufferpool.c:814:gst_v4l2_buffer_pool_set_config:<nvv4l2decoder0:pool:sink> increasing minimum buffers to 2
0:00:04.010888332  7963   0x7f042aff20 INFO          v4l2bufferpool gstv4l2bufferpool.c:821:gst_v4l2_buffer_pool_set_config:<nvv4l2decoder0:pool:sink> increasing minimum buffers to 10
0:00:04.010906613  7963   0x7f042aff20 INFO          v4l2bufferpool gstv4l2bufferpool.c:827:gst_v4l2_buffer_pool_set_config:<nvv4l2decoder0:pool:sink> reducing maximum buffers to 32
0:00:04.010922655  7963   0x7f042aff20 INFO          v4l2bufferpool gstv4l2bufferpool.c:838:gst_v4l2_buffer_pool_set_config:<nvv4l2decoder0:pool:sink> can't allocate, setting maximum to minimum
0:00:04.011091926  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<'':decodepad1> pad has no peer
0:00:04.011604530  7963   0x7f042aff20 INFO            videodecoder gstvideodecoder.c:1330:gst_video_decoder_sink_event_default:<nvv4l2decoder0> upstream tags: taglist, video-codec=(string)"H.264\ /\ AVC";
0:00:04.011935520  7963   0x7f042aff20 INFO            videodecoder gstvideodecoder.c:1330:gst_video_decoder_sink_event_default:<nvv4l2decoder0> upstream tags: taglist, video-codec=(string)"H.264\ \(Main\ Profile\)";
0:00:04.012093645  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<'':decodepad1> pad has no peer
0:00:04.012269009  7963   0x7f042aff20 INFO           basetransform gstbasetransform.c:1308:gst_base_transform_setcaps:<capsfilter0> reuse caps
0:00:04.113434217  7963   0x7f042aff20 WARN                    v4l2 gstv4l2object.c:4408:gst_v4l2_object_probe_caps:<nvv4l2decoder0:src> Failed to probe pixel aspect ratio with VIDIOC_CROPCAP: Unknown error -1
0:00:04.113614999  7963   0x7f042aff20 WARN                    v4l2 gstv4l2object.c:2370:gst_v4l2_object_add_interlace_mode:0x7f080d7a20 Failed to determine interlace mode
0:00:04.113703540  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:4464:gst_v4l2_object_probe_caps:<nvv4l2decoder0:src> probed caps: video/x-raw, format=(string)NV12, width=(int)[ 48, 4096 ], height=(int)[ 48, 4096 ], framerate=(fraction)[ 0/1, 2147483647/1 ]
0:00:04.113977290  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<'':decodepad1> pad has no peer
0:00:04.114216353  7963   0x7f042aff20 INFO               GST_EVENT gstevent.c:814:gst_event_new_caps: creating caps event video/x-raw(memory:NVMM), format=(string)NV12, width=(int)1280, height=(int)720, interlace-mode=(string)progressive, multiview-mode=(string)mono, multiview-flags=(GstVideoMultiviewFlagsSet)0:ffffffff:/right-view-first/left-flipped/left-flopped/right-flipped/right-flopped/half-aspect/mixed-mono, pixel-aspect-ratio=(fraction)1/1, chroma-site=(string)mpeg2, colorimetry=(string)bt709, framerate=(fraction)25/1
0:00:04.114393436  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<decodebin0> adding pad 'src_0'
[INFO][detectnet-video] 2019-08-23 09:37:31,329 - Detected video stream, processing...
0:00:04.116771561  7963   0x7f042aff20 INFO     GST_ELEMENT_FACTORY gstelementfactory.c:361:gst_element_factory_create: creating element "queue"
0:00:04.117311717  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstQueue@0x7f0877a040> adding pad 'sink'
0:00:04.117446665  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstQueue@0x7f0877a040> adding pad 'src'
0:00:04.119499009  7963   0x7f042aff20 INFO      GST_PLUGIN_LOADING gstplugin.c:901:_priv_gst_plugin_load_file_for_registry: plugin "/usr/lib/aarch64-linux-gnu/gstreamer-1.0/libgstvideorate.so" loaded
0:00:04.119573488  7963   0x7f042aff20 INFO     GST_ELEMENT_FACTORY gstelementfactory.c:361:gst_element_factory_create: creating element "videorate"
0:00:04.119895572  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseTransform@0x7f0877fcc0> adding pad 'sink'
0:00:04.119989790  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseTransform@0x7f0877fcc0> adding pad 'src'
0:00:04.121026717  7963   0x7f042aff20 INFO     GST_ELEMENT_FACTORY gstelementfactory.c:361:gst_element_factory_create: creating element "capsfilter"
0:00:04.121192394  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseTransform@0x7f0401af00> adding pad 'sink'
0:00:04.121275051  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseTransform@0x7f0401af00> adding pad 'src'
0:00:04.121996144  7963   0x7f042aff20 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:04.123849217  7963   0x7f042aff20 INFO      GST_PLUGIN_LOADING gstplugin.c:901:_priv_gst_plugin_load_file_for_registry: plugin "/usr/lib/aarch64-linux-gnu/gstreamer-1.0/libgstnvvidconv.so" loaded
0:00:04.123897655  7963   0x7f042aff20 INFO     GST_ELEMENT_FACTORY gstelementfactory.c:361:gst_element_factory_create: creating element "nvvidconv"
0:00:04.124205155  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseTransform@0x7f08784110> adding pad 'sink'
0:00:04.124262082  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseTransform@0x7f08784110> adding pad 'src'
0:00:04.124812759  7963   0x7f042aff20 INFO     GST_ELEMENT_FACTORY gstelementfactory.c:361:gst_element_factory_create: creating element "capsfilter"
0:00:04.124888072  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseTransform@0x7f0401b240> adding pad 'sink'
0:00:04.124941144  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseTransform@0x7f0401b240> adding pad 'src'
0:00:04.125141769  7963   0x7f042aff20 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:04.125244686  7963   0x7f042aff20 INFO     GST_ELEMENT_FACTORY gstelementfactory.c:361:gst_element_factory_create: creating element "nvvidconv"
0:00:04.125309374  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseTransform@0x7f08784500> adding pad 'sink'
0:00:04.125355519  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseTransform@0x7f08784500> adding pad 'src'
0:00:04.125446197  7963   0x7f042aff20 INFO     GST_ELEMENT_FACTORY gstelementfactory.c:361:gst_element_factory_create: creating element "capsfilter"
0:00:04.125496353  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseTransform@0x7f0401b580> adding pad 'sink'
0:00:04.125541353  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseTransform@0x7f0401b580> adding pad 'src'
0:00:04.125725311  7963   0x7f042aff20 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:04.126389842  7963   0x7f042aff20 INFO      GST_PLUGIN_LOADING gstplugin.c:901:_priv_gst_plugin_load_file_for_registry: plugin "/usr/lib/aarch64-linux-gnu/gstreamer-1.0/libgstapp.so" loaded
0:00:04.126423384  7963   0x7f042aff20 INFO     GST_ELEMENT_FACTORY gstelementfactory.c:361:gst_element_factory_create: creating element "appsink"
0:00:04.126684999  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<GstBaseSink@0x7f0800a300> adding pad 'sink'
0:00:04.127741197  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:920:gst_element_get_static_pad: found pad queue0:sink
0:00:04.127894738  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link decodebin0:src_0 and queue0:sink
0:00:04.127965988  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<queue0:src> pad has no peer
0:00:04.128001353  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked decodebin0:src_0 and queue0:sink, successful
0:00:04.128018853  7963   0x7f042aff20 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:04.128135467  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstutils.c:1774:gst_element_link_pads_full: trying to link element queue0:(any) to element videorate0:(any)
0:00:04.128169322  7963   0x7f042aff20 INFO                GST_PADS gstutils.c:1035:gst_pad_check_link: trying to link queue0:src and videorate0:sink
0:00:04.128219842  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<videorate0:src> pad has no peer
0:00:04.128292030  7963   0x7f042aff20 INFO                GST_PADS gstutils.c:1588:prepare_link_maybe_ghosting: queue0 and videorate0 in same bin, no need for ghost pads
0:00:04.128322811  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link queue0:src and videorate0:sink
0:00:04.128367082  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<videorate0:src> pad has no peer
0:00:04.128424269  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked queue0:src and videorate0:sink, successful
0:00:04.128441301  7963   0x7f042aff20 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:04.128458280  7963   0x7f042aff20 INFO               GST_EVENT gstpad.c:5808:gst_pad_send_event_unchecked:<queue0:src> Received event on flushing pad. Discarding
0:00:04.128503176  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstutils.c:1774:gst_element_link_pads_full: trying to link element videorate0:(any) to element capsfilter1:(any)
0:00:04.128530363  7963   0x7f042aff20 INFO                GST_PADS gstutils.c:1035:gst_pad_check_link: trying to link videorate0:src and capsfilter1:sink
0:00:04.128622915  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<capsfilter1:src> pad has no peer
0:00:04.128660728  7963   0x7f042aff20 INFO                GST_PADS gstutils.c:1588:prepare_link_maybe_ghosting: videorate0 and capsfilter1 in same bin, no need for ghost pads
0:00:04.128690311  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link videorate0:src and capsfilter1:sink
0:00:04.128775207  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<capsfilter1:src> pad has no peer
0:00:04.128810519  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked videorate0:src and capsfilter1:sink, successful
0:00:04.128826874  7963   0x7f042aff20 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:04.128842967  7963   0x7f042aff20 INFO               GST_EVENT gstpad.c:5808:gst_pad_send_event_unchecked:<videorate0:src> Received event on flushing pad. Discarding
0:00:04.128886040  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstutils.c:1774:gst_element_link_pads_full: trying to link element capsfilter1:(any) to element nvvconv0:(any)
0:00:04.128912290  7963   0x7f042aff20 INFO                GST_PADS gstutils.c:1035:gst_pad_check_link: trying to link capsfilter1:src and nvvconv0:sink
0:00:04.129003644  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<nvvconv0:src> pad has no peer
0:00:04.129139165  7963   0x7f042aff20 INFO                GST_PADS gstutils.c:1588:prepare_link_maybe_ghosting: capsfilter1 and nvvconv0 in same bin, no need for ghost pads
0:00:04.129169894  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link capsfilter1:src and nvvconv0:sink
0:00:04.129259790  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<nvvconv0:src> pad has no peer
0:00:04.129379999  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked capsfilter1:src and nvvconv0:sink, successful
0:00:04.129397134  7963   0x7f042aff20 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:04.129413592  7963   0x7f042aff20 INFO               GST_EVENT gstpad.c:5808:gst_pad_send_event_unchecked:<capsfilter1:src> Received event on flushing pad. Discarding
0:00:04.129456769  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstutils.c:1774:gst_element_link_pads_full: trying to link element nvvconv0:(any) to element capsfilter2:(any)
0:00:04.129484217  7963   0x7f042aff20 INFO                GST_PADS gstutils.c:1035:gst_pad_check_link: trying to link nvvconv0:src and capsfilter2:sink
0:00:04.129675311  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<capsfilter2:src> pad has no peer
0:00:04.129721509  7963   0x7f042aff20 INFO                GST_PADS gstutils.c:1588:prepare_link_maybe_ghosting: nvvconv0 and capsfilter2 in same bin, no need for ghost pads
0:00:04.129754113  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link nvvconv0:src and capsfilter2:sink
0:00:04.130044009  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<capsfilter2:src> pad has no peer
0:00:04.130098436  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked nvvconv0:src and capsfilter2:sink, successful
0:00:04.130116874  7963   0x7f042aff20 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:04.130134999  7963   0x7f042aff20 INFO               GST_EVENT gstpad.c:5808:gst_pad_send_event_unchecked:<nvvconv0:src> Received event on flushing pad. Discarding
0:00:04.130189530  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstutils.c:1774:gst_element_link_pads_full: trying to link element capsfilter2:(any) to element nvvconv1:(any)
0:00:04.130221457  7963   0x7f042aff20 INFO                GST_PADS gstutils.c:1035:gst_pad_check_link: trying to link capsfilter2:src and nvvconv1:sink
0:00:04.130401197  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<nvvconv1:src> pad has no peer
0:00:04.130595780  7963   0x7f042aff20 INFO                GST_PADS gstutils.c:1588:prepare_link_maybe_ghosting: capsfilter2 and nvvconv1 in same bin, no need for ghost pads
0:00:04.130634634  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link capsfilter2:src and nvvconv1:sink
0:00:04.130811561  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<nvvconv1:src> pad has no peer
0:00:04.130938384  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked capsfilter2:src and nvvconv1:sink, successful
0:00:04.130956353  7963   0x7f042aff20 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:04.130973644  7963   0x7f042aff20 INFO               GST_EVENT gstpad.c:5808:gst_pad_send_event_unchecked:<capsfilter2:src> Received event on flushing pad. Discarding
0:00:04.131019634  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstutils.c:1774:gst_element_link_pads_full: trying to link element nvvconv1:(any) to element capsfilter3:(any)
0:00:04.131046092  7963   0x7f042aff20 INFO                GST_PADS gstutils.c:1035:gst_pad_check_link: trying to link nvvconv1:src and capsfilter3:sink
0:00:04.131258488  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<capsfilter3:src> pad has no peer
0:00:04.131294165  7963   0x7f042aff20 INFO                GST_PADS gstutils.c:1588:prepare_link_maybe_ghosting: nvvconv1 and capsfilter3 in same bin, no need for ghost pads
0:00:04.131322811  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link nvvconv1:src and capsfilter3:sink
0:00:04.131528853  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<capsfilter3:src> pad has no peer
0:00:04.131567915  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked nvvconv1:src and capsfilter3:sink, successful
0:00:04.131584374  7963   0x7f042aff20 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:04.131603019  7963   0x7f042aff20 INFO               GST_EVENT gstpad.c:5808:gst_pad_send_event_unchecked:<nvvconv1:src> Received event on flushing pad. Discarding
0:00:04.131644426  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstutils.c:1774:gst_element_link_pads_full: trying to link element capsfilter3:(any) to element appsink0:(any)
0:00:04.131670624  7963   0x7f042aff20 INFO                GST_PADS gstutils.c:1035:gst_pad_check_link: trying to link capsfilter3:src and appsink0:sink
0:00:04.131902863  7963   0x7f042aff20 INFO                GST_PADS gstutils.c:1588:prepare_link_maybe_ghosting: capsfilter3 and appsink0 in same bin, no need for ghost pads
0:00:04.131933801  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2378:gst_pad_link_prepare: trying to link capsfilter3:src and appsink0:sink
0:00:04.132162134  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:2586:gst_pad_link_full: linked capsfilter3:src and appsink0:sink, successful
0:00:04.132180572  7963   0x7f042aff20 INFO               GST_EVENT gstevent.c:1517:gst_event_new_reconfigure: creating reconfigure event
0:00:04.132197394  7963   0x7f042aff20 INFO               GST_EVENT gstpad.c:5808:gst_pad_send_event_unchecked:<capsfilter3:src> Received event on flushing pad. Discarding
end pipeline
0:00:04.132314269  7963   0x7f042aff20 INFO               decodebin gstdecodebin2.c:4786:gst_decode_bin_expose:<decodebin0:src_0> added new decoded pad
0:00:04.132343644  7963   0x7f042aff20 INFO        GST_ELEMENT_PADS gstelement.c:670:gst_element_add_pad:<decodebin0> adding pad 'src_1'
[INFO][detectnet-video] 2019-08-23 09:37:31,346 - Detected audio stream, ignoring.
0:00:04.132809061  7963   0x7f042aff20 INFO               decodebin gstdecodebin2.c:4786:gst_decode_bin_expose:<decodebin0:src_1> added new decoded pad
0:00:04.132872238  7963   0x7f042aff20 INFO              GST_STATES gstbin.c:3424:bin_handle_async_done:<decodebin0> committing state from READY to PAUSED, old pending PAUSED
0:00:04.132895728  7963   0x7f042aff20 INFO              GST_STATES gstbin.c:3444:bin_handle_async_done:<decodebin0> completed state change, pending VOID
0:00:04.132918124  7963   0x7f042aff20 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<decodebin0> notifying about state-changed READY to PAUSED (VOID_PENDING pending)
0:00:04.132897863  7963   0x7f042b0590 INFO                GST_PADS gstpad.c:4232:gst_pad_peer_query:<decodebin0:src_1> pad has no peer
0:00:04.132957863  7963   0x7f042aff20 INFO              GST_STATES gstbin.c:3424:bin_handle_async_done:<video-loader> committing state from READY to PAUSED, old pending PLAYING
0:00:04.132977394  7963   0x7f042aff20 INFO              GST_STATES gstbin.c:3453:bin_handle_async_done:<video-loader> continue state change, pending PLAYING
0:00:04.132996978  7963   0x7f042aff20 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<video-loader> notifying about state-changed READY to PAUSED (PLAYING pending)
0:00:04.133185728  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:3250:gst_bin_continue_func:<video-loader> continue state change PAUSED to PLAYING, final PLAYING
0:00:04.133246144  7963   0x7f042aff20 INFO               GST_EVENT gstpad.c:5808:gst_pad_send_event_unchecked:<queue0:sink> Received event on flushing pad. Discarding
0:00:04.133321405  7963   0x7f042aff20 INFO               GST_EVENT gstpad.c:5808:gst_pad_send_event_unchecked:<queue0:sink> Received event on flushing pad. Discarding
0:00:04.133366822  7963   0x7f042aff20 WARN                GST_PADS gstpad.c:4226:gst_pad_peer_query:<decodebin0:src_0> could not send sticky events
0:00:04.133421561  7963   0x7f042aff20 INFO                    v4l2 gstv4l2object.c:3146:gst_v4l2_object_setup_pool:<nvv4l2decoder0:src> accessing buffers via mode 2
0:00:04.133431405  7963   0x7f0800b8a0 INFO               GST_EVENT gstevent.c:1388:gst_event_new_latency: creating latency event 0:00:00.000000000
0:00:04.133540363  7963   0x7f0800b8a0 INFO                     bin gstbin.c:2783:gst_bin_do_latency_func:<video-loader> configured latency of 0:00:00.000000000
0:00:04.133592603  7963   0x7f042aff20 INFO          v4l2bufferpool gstv4l2bufferpool.c:814:gst_v4l2_buffer_pool_set_config:<nvv4l2decoder0:pool:src> increasing minimum buffers to 2
0:00:04.133633644  7963   0x7f042aff20 INFO          v4l2bufferpool gstv4l2bufferpool.c:821:gst_v4l2_buffer_pool_set_config:<nvv4l2decoder0:pool:src> increasing minimum buffers to 8
0:00:04.133644061  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<appsink0> current NULL pending VOID_PENDING, desired next PLAYING
0:00:04.133672030  7963   0x7f042aff20 INFO          v4l2bufferpool gstv4l2bufferpool.c:827:gst_v4l2_buffer_pool_set_config:<nvv4l2decoder0:pool:src> reducing maximum buffers to 32
0:00:04.133719113  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2651:gst_element_continue_state:<appsink0> committing state from NULL to READY, pending PLAYING, next PAUSED
0:00:04.133736665  7963   0x7f042aff20 INFO          v4l2bufferpool gstv4l2bufferpool.c:838:gst_v4l2_buffer_pool_set_config:<nvv4l2decoder0:pool:src> can't allocate, setting maximum to minimum
0:00:04.133784217  7963   0x7f042aff20 INFO          v4l2bufferpool gstv4l2bufferpool.c:843:gst_v4l2_buffer_pool_set_config:<nvv4l2decoder0:pool:src> adding needed video meta
0:00:04.133791144  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<appsink0> notifying about state-changed NULL to READY (PLAYING pending)
0:00:04.133859217  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2658:gst_element_continue_state:<appsink0> continue state change READY to PAUSED, final PLAYING
0:00:04.133895728  7963   0x7f042aff20 INFO          v4l2bufferpool gstv4l2bufferpool.c:827:gst_v4l2_buffer_pool_set_config:<nvv4l2decoder0:pool:src> reducing maximum buffers to 32
0:00:04.133913436  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2960:gst_bin_change_state_func:<video-loader> child 'appsink0' is changing state asynchronously to PLAYING
0:00:04.133934165  7963   0x7f042aff20 INFO          v4l2bufferpool gstv4l2bufferpool.c:838:gst_v4l2_buffer_pool_set_config:<nvv4l2decoder0:pool:src> can't allocate, setting maximum to minimum
0:00:04.133971561  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<capsfilter3> current NULL pending VOID_PENDING, desired next PLAYING
0:00:04.134007030  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2651:gst_element_continue_state:<capsfilter3> committing state from NULL to READY, pending PLAYING, next PAUSED
0:00:04.134025728  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<capsfilter3> notifying about state-changed NULL to READY (PLAYING pending)
0:00:04.134047915  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2658:gst_element_continue_state:<capsfilter3> continue state change READY to PAUSED, final PLAYING
0:00:04.134061249  7963   0x7f042aff20 WARN            v4l2videodec gstv4l2videodec.c:1433:gst_v4l2_video_dec_decide_allocation:<nvv4l2decoder0> Duration invalid, not setting latency
0:00:04.134077238  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2651:gst_element_continue_state:<capsfilter3> committing state from READY to PAUSED, pending PLAYING, next PLAYING
0:00:04.134094894  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<capsfilter3> notifying about state-changed READY to PAUSED (PLAYING pending)
0:00:04.134116144  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2658:gst_element_continue_state:<capsfilter3> continue state change PAUSED to PLAYING, final PLAYING
0:00:04.134136249  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<capsfilter3> completed state change to PLAYING
0:00:04.134149999  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<capsfilter3> notifying about state-changed PAUSED to PLAYING (VOID_PENDING pending)
0:00:04.134172863  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<video-loader> child 'capsfilter3' changed state to 4(PLAYING) successfully
0:00:04.134194426  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<nvvconv1> current NULL pending VOID_PENDING, desired next PLAYING
0:00:04.134214217  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2651:gst_element_continue_state:<nvvconv1> committing state from NULL to READY, pending PLAYING, next PAUSED
0:00:04.134228540  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<nvvconv1> notifying about state-changed NULL to READY (PLAYING pending)
0:00:04.134246561  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2658:gst_element_continue_state:<nvvconv1> continue state change READY to PAUSED, final PLAYING
0:00:04.134456301  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2651:gst_element_continue_state:<nvvconv1> committing state from READY to PAUSED, pending PLAYING, next PLAYING
0:00:04.134489217  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<nvvconv1> notifying about state-changed READY to PAUSED (PLAYING pending)
0:00:04.134519530  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2658:gst_element_continue_state:<nvvconv1> continue state change PAUSED to PLAYING, final PLAYING
0:00:04.134530155  7963   0x7f042aff20 WARN          v4l2bufferpool gstv4l2bufferpool.c:1054:gst_v4l2_buffer_pool_start:<nvv4l2decoder0:pool:src> Uncertain or not enough buffers, enabling copy threshold
0:00:04.134564947  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<nvvconv1> completed state change to PLAYING
0:00:04.134589790  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<nvvconv1> notifying about state-changed PAUSED to PLAYING (VOID_PENDING pending)
0:00:04.134617551  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<video-loader> child 'nvvconv1' changed state to 4(PLAYING) successfully
0:00:04.134644061  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<capsfilter2> current NULL pending VOID_PENDING, desired next PLAYING
0:00:04.134668072  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2651:gst_element_continue_state:<capsfilter2> committing state from NULL to READY, pending PLAYING, next PAUSED
0:00:04.134689738  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<capsfilter2> notifying about state-changed NULL to READY (PLAYING pending)
0:00:04.134718488  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2658:gst_element_continue_state:<capsfilter2> continue state change READY to PAUSED, final PLAYING
0:00:04.134758384  7963   0x7f042aff20 INFO                    task gsttask.c:457:gst_task_set_lock: setting stream lock 0x7f04013d50 on task 0x7f0400c950
0:00:04.134760155  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2651:gst_element_continue_state:<capsfilter2> committing state from READY to PAUSED, pending PLAYING, next PLAYING
0:00:04.134788436  7963   0x7f042aff20 INFO                GST_PADS gstpad.c:6154:gst_pad_start_task:<nvv4l2decoder0:src> created task 0x7f0400c950
0:00:04.134830884  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<capsfilter2> notifying about state-changed READY to PAUSED (PLAYING pending)
0:00:04.134874999  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2658:gst_element_continue_state:<capsfilter2> continue state change PAUSED to PLAYING, final PLAYING
0:00:04.134896197  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<capsfilter2> completed state change to PLAYING
0:00:04.134915988  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<capsfilter2> notifying about state-changed PAUSED to PLAYING (VOID_PENDING pending)
0:00:04.134959894  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<video-loader> child 'capsfilter2' changed state to 4(PLAYING) successfully
0:00:04.134994790  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<nvvconv0> current NULL pending VOID_PENDING, desired next PLAYING
0:00:04.135042134  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2651:gst_element_continue_state:<nvvconv0> committing state from NULL to READY, pending PLAYING, next PAUSED
0:00:04.135066301  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<nvvconv0> notifying about state-changed NULL to READY (PLAYING pending)
0:00:04.135098176  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2658:gst_element_continue_state:<nvvconv0> continue state change READY to PAUSED, final PLAYING
0:00:04.135308228  7963   0x7f042aff20 WARN           basetransform gstbasetransform.c:1355:gst_base_transform_setcaps:<capsfilter0> transform could not transform video/x-h264, stream-format=(string)byte-stream, alignment=(string)au, level=(string)3.1, profile=(string)main, width=(int)1280, height=(int)720, framerate=(fraction)25/1, pixel-aspect-ratio=(fraction)1/1, interlace-mode=(string)progressive, chroma-format=(string)4:2:0, bit-depth-luma=(uint)8, bit-depth-chroma=(uint)8, parsed=(boolean)true in anything we support
0:00:04.135348540  7963   0x7f042aff20 WARN           basetransform gstbasetransform.c:1415:gst_base_transform_reconfigure:<capsfilter0> warning: not negotiated
0:00:04.135321301  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2651:gst_element_continue_state:<nvvconv0> committing state from READY to PAUSED, pending PLAYING, next PLAYING
0:00:04.135371769  7963   0x7f042aff20 WARN           basetransform gstbasetransform.c:1415:gst_base_transform_reconfigure:<capsfilter0> warning: not negotiated
0:00:04.135407863  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<nvvconv0> notifying about state-changed READY to PAUSED (PLAYING pending)
0:00:04.135447030  7963   0x7f042aff20 INFO        GST_ERROR_SYSTEM gstelement.c:2145:gst_element_message_full_with_details:<capsfilter0> posting message: not negotiated
0:00:04.135453176  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2658:gst_element_continue_state:<nvvconv0> continue state change PAUSED to PLAYING, final PLAYING
0:00:04.135485259  7963   0x7f042aff20 INFO        GST_ERROR_SYSTEM gstelement.c:2172:gst_element_message_full_with_details:<capsfilter0> posted warning message: not negotiated
0:00:04.135492290  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<nvvconv0> completed state change to PLAYING
0:00:04.135529738  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<nvvconv0> notifying about state-changed PAUSED to PLAYING (VOID_PENDING pending)
0:00:04.135555676  7963   0x7f042aff20 INFO                    task gsttask.c:316:gst_task_func:<multiqueue0:src_0> Task going to paused
0:00:04.135557915  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<video-loader> child 'nvvconv0' changed state to 4(PLAYING) successfully
0:00:04.135618697  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<capsfilter1> current NULL pending VOID_PENDING, desired next PLAYING
0:00:04.135694686  7963   0x7f0c0664f0 WARN                 qtdemux qtdemux.c:6073:gst_qtdemux_loop:<qtdemux0> error: Internal data stream error.
0:00:04.135697967  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2651:gst_element_continue_state:<capsfilter1> committing state from NULL to READY, pending PLAYING, next PAUSED
0:00:04.135726926  7963   0x7f0c0664f0 WARN                 qtdemux qtdemux.c:6073:gst_qtdemux_loop:<qtdemux0> error: streaming stopped, reason not-negotiated (-4)
0:00:04.135748436  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<capsfilter1> notifying about state-changed NULL to READY (PLAYING pending)
0:00:04.135789165  7963   0x7f0c0664f0 INFO        GST_ERROR_SYSTEM gstelement.c:2145:gst_element_message_full_with_details:<qtdemux0> posting message: Internal data stream error.
0:00:04.135795467  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2658:gst_element_continue_state:<capsfilter1> continue state change READY to PAUSED, final PLAYING
0:00:04.135837811  7963   0x7f0c0664f0 INFO        GST_ERROR_SYSTEM gstelement.c:2172:gst_element_message_full_with_details:<qtdemux0> posted error message: Internal data stream error.
0:00:04.135854009  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2651:gst_element_continue_state:<capsfilter1> committing state from READY to PAUSED, pending PLAYING, next PLAYING
0:00:04.135929582  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<capsfilter1> notifying about state-changed READY to PAUSED (PLAYING pending)
0:00:04.135963957  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2658:gst_element_continue_state:<capsfilter1> continue state change PAUSED to PLAYING, final PLAYING
0:00:04.136029426  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<capsfilter1> completed state change to PLAYING
0:00:04.136038019  7963   0x7f0c0664f0 INFO                    task gsttask.c:316:gst_task_func:<qtdemux0:sink> Task going to paused
0:00:04.136056769  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<capsfilter1> notifying about state-changed PAUSED to PLAYING (VOID_PENDING pending)
0:00:04.136167915  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<video-loader> child 'capsfilter1' changed state to 4(PLAYING) successfully
0:00:04.136241405  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<videorate0> current NULL pending VOID_PENDING, desired next PLAYING
0:00:04.136270988  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2651:gst_element_continue_state:<videorate0> committing state from NULL to READY, pending PLAYING, next PAUSED
0:00:04.136292290  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<videorate0> notifying about state-changed NULL to READY (PLAYING pending)
0:00:04.136321613  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2658:gst_element_continue_state:<videorate0> continue state change READY to PAUSED, final PLAYING
0:00:04.136360311  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2651:gst_element_continue_state:<videorate0> committing state from READY to PAUSED, pending PLAYING, next PLAYING
0:00:04.136384009  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<videorate0> notifying about state-changed READY to PAUSED (PLAYING pending)
0:00:04.136411822  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2658:gst_element_continue_state:<videorate0> continue state change PAUSED to PLAYING, final PLAYING
0:00:04.136431926  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<videorate0> completed state change to PLAYING
0:00:04.136451665  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<videorate0> notifying about state-changed PAUSED to PLAYING (VOID_PENDING pending)
0:00:04.136481197  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<video-loader> child 'videorate0' changed state to 4(PLAYING) successfully
0:00:04.136512290  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<queue0> current NULL pending VOID_PENDING, desired next PLAYING
0:00:04.136538280  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2651:gst_element_continue_state:<queue0> committing state from NULL to READY, pending PLAYING, next PAUSED
0:00:04.136558280  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<queue0> notifying about state-changed NULL to READY (PLAYING pending)
0:00:04.136584634  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2658:gst_element_continue_state:<queue0> continue state change READY to PAUSED, final PLAYING
0:00:04.136664738  7963   0x7f0800b8a0 INFO                    task gsttask.c:457:gst_task_set_lock: setting stream lock 0x7f080d83a0 on task 0x7f0400ccb0
0:00:04.136689009  7963   0x7f0800b8a0 INFO                GST_PADS gstpad.c:6154:gst_pad_start_task:<queue0:src> created task 0x7f0400ccb0
0:00:04.136821613  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2651:gst_element_continue_state:<queue0> committing state from READY to PAUSED, pending PLAYING, next PLAYING
0:00:04.136852863  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<queue0> notifying about state-changed READY to PAUSED (PLAYING pending)
0:00:04.136914113  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2658:gst_element_continue_state:<queue0> continue state change PAUSED to PLAYING, final PLAYING
0:00:04.136936405  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<queue0> completed state change to PLAYING
0:00:04.136956249  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<queue0> notifying about state-changed PAUSED to PLAYING (VOID_PENDING pending)
0:00:04.136985467  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<video-loader> child 'queue0' changed state to 4(PLAYING) successfully
0:00:04.137015415  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<decodebin0> current PAUSED pending VOID_PENDING, desired next PLAYING
0:00:04.137075415  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<nvv4l2decoder0> current PAUSED pending VOID_PENDING, desired next PLAYING
0:00:04.137102290  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<nvv4l2decoder0> completed state change to PLAYING
0:00:04.137123905  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<nvv4l2decoder0> notifying about state-changed PAUSED to PLAYING (VOID_PENDING pending)
0:00:04.137155207  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<decodebin0> child 'nvv4l2decoder0' changed state to 4(PLAYING) successfully
0:00:04.137183749  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<capsfilter0> current PAUSED pending VOID_PENDING, desired next PLAYING
0:00:04.137205259  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<capsfilter0> completed state change to PLAYING
0:00:04.137222759  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<capsfilter0> notifying about state-changed PAUSED to PLAYING (VOID_PENDING pending)
0:00:04.137247030  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<decodebin0> child 'capsfilter0' changed state to 4(PLAYING) successfully
0:00:04.137272655  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<h264parse0> current PAUSED pending VOID_PENDING, desired next PLAYING
0:00:04.137295467  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<h264parse0> completed state change to PLAYING
0:00:04.137315884  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<h264parse0> notifying about state-changed PAUSED to PLAYING (VOID_PENDING pending)
0:00:04.137344530  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<decodebin0> child 'h264parse0' changed state to 4(PLAYING) successfully
0:00:04.137374894  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<avdec_aac0> current PAUSED pending VOID_PENDING, desired next PLAYING
0:00:04.137398384  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<avdec_aac0> completed state change to PLAYING
0:00:04.137419113  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<avdec_aac0> notifying about state-changed PAUSED to PLAYING (VOID_PENDING pending)
0:00:04.137449478  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<decodebin0> child 'avdec_aac0' changed state to 4(PLAYING) successfully
0:00:04.137479061  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<aacparse0> current PAUSED pending VOID_PENDING, desired next PLAYING
0:00:04.137501092  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<aacparse0> completed state change to PLAYING
0:00:04.137520519  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<aacparse0> notifying about state-changed PAUSED to PLAYING (VOID_PENDING pending)
0:00:04.137593853  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<decodebin0> child 'aacparse0' changed state to 4(PLAYING) successfully
0:00:04.137631040  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<multiqueue0> current PAUSED pending VOID_PENDING, desired next PLAYING
0:00:04.137654582  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<multiqueue0> completed state change to PLAYING
0:00:04.137675676  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<multiqueue0> notifying about state-changed PAUSED to PLAYING (VOID_PENDING pending)
0:00:04.137709530  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<decodebin0> child 'multiqueue0' changed state to 4(PLAYING) successfully
0:00:04.137742551  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<qtdemux0> current PAUSED pending VOID_PENDING, desired next PLAYING
0:00:04.137764790  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<qtdemux0> completed state change to PLAYING
0:00:04.138445780  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<qtdemux0> notifying about state-changed PAUSED to PLAYING (VOID_PENDING pending)
0:00:04.138485051  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<decodebin0> child 'qtdemux0' changed state to 4(PLAYING) successfully
0:00:04.138515363  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<typefind> current PAUSED pending VOID_PENDING, desired next PLAYING
0:00:04.138541405  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<typefind> completed state change to PLAYING
0:00:04.138562342  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<typefind> notifying about state-changed PAUSED to PLAYING (VOID_PENDING pending)
0:00:04.138590572  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<decodebin0> child 'typefind' changed state to 4(PLAYING) successfully
0:00:04.138619061  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<decodebin0> completed state change to PLAYING
0:00:04.138635207  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<decodebin0> notifying about state-changed PAUSED to PLAYING (VOID_PENDING pending)
0:00:04.138693280  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<video-loader> child 'decodebin0' changed state to 4(PLAYING) successfully
0:00:04.138719738  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2506:gst_bin_element_set_state:<filesrc0> current PAUSED pending VOID_PENDING, desired next PLAYING
0:00:04.138742915  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2676:gst_element_continue_state:<filesrc0> completed state change to PLAYING
0:00:04.138763176  7963   0x7f0800b8a0 INFO              GST_STATES gstelement.c:2579:_priv_gst_element_state_changed:<filesrc0> notifying about state-changed PAUSED to PLAYING (VOID_PENDING pending)
0:00:04.138790155  7963   0x7f0800b8a0 INFO              GST_STATES gstbin.c:2954:gst_bin_change_state_func:<video-loader> child 'filesrc0' changed state to 4(PLAYING) successfully
Traceback (most recent call last):
  File "jetson-video.py", line 79, in <module>
    sample = loader.sample_next()
  File "/media/goview/goview/devel/goview/src/tools/video_loader.py", line 66, in sample_next
    return self.__queue.get(timeout=10) # in seconds
  File "/usr/lib/python3.6/queue.py", line 172, in get
    raise Empty
queue.Empty
PyTensorNet_Dealloc()
jetson.utils -- PyDisplay_Dealloc()

@aconchillo
Copy link
Owner Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

I just checked and the h264 decoder being chosen for you is nvv4l2decoder. In my case, it's omxh264dec. The difference is that nvv4l2decoder uses the V4L API to decode and omxh264dec uses Open MAX. I have checked which package installsomxh264dec, but it doesn't come from any package, which means it comes from the Jetson Nano image I downloaded.

I will chek removing the Open MAX plugins and see if I get your issue.

@aconchillo
Copy link
Owner Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Using nvv4l2decoder I'm getting the same behavior and also this error:

Failed to query video capabilities: Inappropriate ioctl for device

Investigating.

@blitzvb
Copy link

@blitzvb blitzvb commented on a557a85 Aug 26, 2019

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Interesting. I am on a TX1 and it’s a brand new install. On what Jetson/jetpack you are running it ?

Also even though I cannot check at this time, but I am pretty sure that I have the omxh264dec decoder (at least, with the former jetpack)

Maybe there is way to force it ?

@aconchillo
Copy link
Owner Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

First thing would be to know if you have the OMX plugins:

$ gst-inspect-1.0 omx

Then you can check the plugin rank (bigger ranks are chosen first).

$ gst-inspect-1.0 omxh264dec
Factory Details:
  Rank                     primary + 10 (266)
  Long-name                OpenMAX H.264 Video Decoder
...

$ gst-inspect-1.0 nvv4l2decoder
Factory Details:
  Rank                     primary + 1 (257)
  Long-name                NVIDIA v4l2 video decoder

So, in this case omxh264dec is chosen instead of nvv4l2decoder.

@aconchillo
Copy link
Owner Author

@aconchillo aconchillo commented on a557a85 Aug 26, 2019

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

I flashed Jetson Pack 4.2.1 and I get both omxh264dec and nvv4l2decoder which now come int the nvidia-l4t-gstreamer package. So, I'm not sure why nvv4l2decoder is being used in your case. When I have some time I'll check why nvv4l2decoder doesn't work.

@aconchillo
Copy link
Owner Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

OK, the reason is because in JetPack 4.2.1, nvv4l2decoder has a higher ranking.

$ gst-inspect-1.0 nvv4l2decoder
Factory Details:
  Rank                     primary + 11 (267)

@aconchillo
Copy link
Owner Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

This is now fixed for both nvv4l2decoder and omxh264dec. You should update my jetson-utils branch.

Please sign in to comment.