Coder Social home page Coder Social logo

pinatafarms / feartracker Goto Github PK

View Code? Open in Web Editor NEW
175.0 7.0 17.0 35.51 MB

Official repo for FEAR: Fast, Efficient, Accurate and Robust Visual Tracker (ECCV 2022)

License: MIT License

Swift 33.31% Python 66.69%
comuter-vision deep-learning eccv eccv2022 pytorch pytorch-lightning visual-tracking

feartracker's People

Contributors

borsukvasyl avatar kupynorest avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar

feartracker's Issues

Errors in training

There are some errors in training used the window10 OS which are shown behind:
”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“
Error executing job with overrides: ['backend=1gpu']
Error locating target 'model_training.model.fear_net.FEARNet', see chained exception above.
Set the environment variable HYDRA_FULL_ERROR=1 for a complete stack trace.
”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”
It still wrong after I tried method found on the Internet
$ export HYDRA_FULL_ERROR=1
$ python foo.py
Could you tell me how to deal this problem.
By the way,could you upload the code used to create the CSV file. Thanks

The ios version

Can you provide the version of macos,xcode,ios in your experiments?
I am not familiar with
iOS development and encountered many errors when building the project😢
Thank you!

Hyperparameter tuning

Hi! Thank you for publishing your code.

Your released code has a section dedicated to configuration files corresponding to different tracker modules https://github.com/PinataFarms/FEARTracker/tree/main/model_training/config

It has parameters/choices related to training and inference (optimizer, learning rate scheduler, penalty_k, window influence, lr to name a few). Can you please suggest which dataset was used to tune these hyperparameter values? Was it fine-tuned using the test-set itself?

Also, I am particularly intrigued by a statement in the paper: "For each epoch, we randomly sample 20,000 images from LaSOT, 120,000 from COCO, 400,000 from YoutubeBB, 320,000 from GOT10k and 310,000 images from the ImageNet dataset". Can you suggest what was the reason behind choosing such a sampling split and not going for uniform sampling?

How to convert model to ONNX format?(GPU)

Hello, Thanks for your GREAT work.
i'm using your project to track any object on jetson nano with 16 FPS. since 16 FPS is disappointing, i have to increase the FPS, i think if i convert the model to ONNX format with FP16 conversion, model will run faster. so my question is how to convert .ckpt model to .onnx(GPU)?

The demo does not track correctly

Hi, I tried to use the demo in the repository and did not make any changes to the code, but I found that I could not complete the tracking. The prediction frame is off target on the second frame. How should I fix it?

About confidence output

In the Demo app, how to judge the target is missing? The confidence output is always very high, regardless of whether the target is missing or not

Is there any python demo?

Hallo, thanks for you awesome work. I found the FEARDemo here only provide swift version on iOS. Will you further provide a version of python? Or could you please give me some instruction to write an python demo? Thanks a lot!

How to convert model to TRT

Hello again.
as you mentioned in the another issue, i tried to convert your model to TRT with torch2trt.
here is a part of my code:
dummy_input_to_model_init_encoder = torch.ones((1, 3, 128, 128)).cuda()
dummy_input_to_model_update_search = torch.ones((1, 3, 256, 256)).cuda()
model_encoder_update = torch2trt(model, [dummy_input_to_model_update_search, dummy_input_to_model_init_encoder])

after execution i got the following error:
TypeError: forward() takes 2 positional arguments but 3 were given.

how to fix it?

How to solve the problem: hydra. Errors. InstantiationException:

Traceback (most recent call last):
File "D:\Anaconda3\envs\feartracker\lib\site-packages\hydra_internal\utils.py", line 644, in _locate
obj = getattr(obj, part)
AttributeError: module 'model_training.model' has no attribute 'fear_net'

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "D:\Anaconda3\envs\feartracker\lib\site-packages\hydra_internal\utils.py", line 650, in locate
obj = import_module(mod)
File "D:\Anaconda3\envs\feartracker\lib\importlib_init
.py", line 127, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
File "", line 1014, in _gcd_import
File "", line 991, in _find_and_load
File "", line 975, in _find_and_load_unlocked
File "", line 671, in _load_unlocked
File "", line 843, in exec_module
File "", line 219, in _call_with_frames_removed
File "g:\vot\FEARTracker\model_training\model\fear_net.py", line 6, in
from model_training.model.blocks import Encoder, AdjustLayer, BoxTower
File "g:\vot\FEARTracker\model_training\model\blocks.py", line 5, in
from mobile_cv.model_zoo.models.fbnet_v2 import fbnet
ModuleNotFoundError: No module named 'mobile_cv'

The above exception was the direct cause of the following exception:

Traceback (most recent call last):
File "D:\Anaconda3\envs\feartracker\lib\site-packages\hydra_internal\instantiate_instantiate2.py", line 134, in _resolve_target
target = _locate(target)
File "D:\Anaconda3\envs\feartracker\lib\site-packages\hydra_internal\utils.py", line 653, in _locate
raise ImportError(
ImportError: Error loading 'model_training.model.fear_net.FEARNet':
ModuleNotFoundError("No module named 'mobile_cv'")
Are you sure that 'fear_net' is importable from module 'model_training.model'?

The above exception was the direct cause of the following exception:

Traceback (most recent call last):
File "g:\vot\FEARTracker\demo_video.py", line 62, in
Fire(main)
File "D:\Anaconda3\envs\feartracker\lib\site-packages\fire\core.py", line 141, in Fire
component_trace = _Fire(component, args, parsed_flag_args, context, name)
File "D:\Anaconda3\envs\feartracker\lib\site-packages\fire\core.py", line 475, in _Fire
component, remaining_args = _CallAndUpdateTrace(
File "D:\Anaconda3\envs\feartracker\lib\site-packages\fire\core.py", line 691, in _CallAndUpdateTrace
component = fn(*varargs, **kwargs)
File "g:\vot\FEARTracker\demo_video.py", line 52, in main
tracker = get_tracker(config_path=config_path, config_name=config_name, weights_path=weights_path)
File "g:\vot\FEARTracker\demo_video.py", line 16, in get_tracker
model = instantiate(config["model"])
File "D:\Anaconda3\envs\feartracker\lib\site-packages\hydra_internal\instantiate_instantiate2.py", line 226, in instantiate
return instantiate_node(
File "D:\Anaconda3\envs\feartracker\lib\site-packages\hydra_internal\instantiate_instantiate2.py", line 333, in instantiate_node
target = _resolve_target(node.get(_Keys.TARGET), full_key)
File "D:\Anaconda3\envs\feartracker\lib\site-packages\hydra_internal\instantiate_instantiate2.py", line 139, in _resolve_target
raise InstantiationException(msg) from e
hydra.errors.InstantiationException: Error locating target 'model_training.model.fear_net.FEARNet', set env var HYDRA_FULL_ERROR=1 to see chained exception.

why do we need self.adjust and self.bias in BoxTower?

    # adjust scale
    self.adjust = nn.Parameter(0.1 * torch.ones(1))
    self.bias = nn.Parameter(torch.Tensor(1.0 * torch.ones(1, 4, 1, 1)))

def forward(self, search, kernel, update=None):
    # encode first
    if update is None:
        cls_z, cls_x = self.cls_encode(kernel, search)  # [z11, z12, z13]
    else:
        cls_z, cls_x = self.cls_encode(update, search)  # [z11, z12, z13]

    reg_z, reg_x = self.reg_encode(kernel, search)  # [x11, x12, x13]

    # cls and reg DW
    cls_dw = self.cls_dw(cls_z, cls_x)
    reg_dw = self.reg_dw(reg_z, reg_x)
    x_reg = self.bbox_tower(reg_dw)
    x = self.adjust * self.bbox_pred(x_reg) + self.bias
    x = torch.exp(x)

    # cls tower
    c = self.cls_tower(cls_dw)
    cls = 0.1 * self.cls_pred(c)

    return x, cls, cls_dw, x_reg

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.