Science topic

Object Tracking - Science topic

Explore the latest questions and answers in Object Tracking, and find Object Tracking experts.
Questions related to Object Tracking
  • asked a question related to Object Tracking
Question
1 answer
For my dissertation,I am doing project on SNN for object tracking,I am confused with how to start and what i need to consider when working for the project.
Relevant answer
Answer
A comprehensive guide to convolution and convolutional neural networks for image classification, from implementation with Python and TensorFlow to optimization and transfer learning techniques
Regards,
Shafagat
  • asked a question related to Object Tracking
Question
7 answers
To count objects in real time, I read that YOLO was usually used. In this blog (https://blog.netcetera.com/object-detection-and-tracking-in-2020-f10fb6ff9af3), it says that SSD is an alternative but there is also somes techniques being used that are too slow for tracking in real time in this blog. Is there anything else ? Can't CNN be used in real time for now ?
Relevant answer
Answer
The title of your message speaks of "object tracking" but your detailed context talks about object "counting" which is only detection and not really tracking (which involves the evolution of states (position and possibly orientation, etc.) of individual objects).
If you only want to count, i.e. detect objects fast,
Haseeb Javed
answer is very good. If you want to track individual objects in time, you may have to look elsewhere or combine YOLOR with an actual tracking algorithm (like Kalman filters) to get better performance and follow the state of individual objects.
  • asked a question related to Object Tracking
Question
4 answers
We have several options for tracking an object. What are the options for tracking an object over a large area such as 100mx100m with mm accuracy.
Looking for some suggestion of recent technologies that can be adapted for solving this problem.
Inside-out
Outside-In
Inside-In
Relevant answer
Answer
I would propose bayesian of kalman filters,for a start.
  • asked a question related to Object Tracking
Question
4 answers
Many tasks performed by autonomous vehicles such as road marking detection, pavement crack detection and object tracking are simpler in bird's-eye view. Hence, Inverse Perspective Mapping (IPM) is often applied to remove the perspective effect from a vehicle's front-facing camera and to remap its images into a 2D domain, resulting in a top-down view. Unfortunately, this leads to unnatural blurring and stretching of objects at further distance, due to the resolution of the camera, limiting applicability.
Is there an improved version of this technique ? An improved IPM ? How does it work ? I need this to validate my new automatic road crack detection approach.
Greatly appreciate your review
Relevant answer
Answer
your welcome Wissam Kaddah
Stay Happy Stay Healthy.
  • asked a question related to Object Tracking
Question
3 answers
Hello dear researchers.
I run the siamfc ++ algorithm. It showed better results than the other algorithms but its accuracy is still not acceptable. One of my ideas is to run an object detection algorithm first and then draw a bunding box around the object I want to track.I think by doing this I have indirectly labeled the selected object. So the results and accuracy should be improved compared to the previous case. Do you think this is correct? Is there a better idea to improve the algorithm?
Thanks for your tips
Relevant answer
Answer
Your welcome Shahrzad Khalifeh Mehrjardi, Yes Precisely.
  • asked a question related to Object Tracking
Question
4 answers
Hello dear researchers.
It seems that siam rpn algorithm is one of the very good algorithms for object tracking that its processing speed on gpu is 150 fps.But the problem is that if your chosen object is a white phone, for example, and you are dressed in white and you move the phone towards you, the whole bunding box will be placed on your clothes by mistake. So, low sensitivity to color .How do you think I can optimize the algorithm to solve this problem? Of course, there are algorithms with high accuracy such as siam mask, but it has a very low fps. Thank you for your help.
Relevant answer
Thanks for your valuable answer
  • asked a question related to Object Tracking
Question
3 answers
I am working on development of a tool for the analysis of cell migration and tracking. The tool could further be used for different other object tracking purposes. For this work, I am looking for a few publicly available datasets containing microscopy images of cells or small particles.
Relevant answer
Answer
Dear Hritam Basak,
I invit you to visit these links, to help you understand more, cell migration analysis methodology:
Best regards,
Pr. Hambaba
  • asked a question related to Object Tracking
Question
5 answers
How can I tell the distance and proximity as well as the depth of image processing for object tracking? One idea that came to my mind was to detect whether the object was moving away or approaching based on the size of the image.But I do not know if there is an algorithm that I can implement based on?
In fact, how can I distinguish the x, y, z coordinates from the image taken from the webcam?
Thank you for your help
  • asked a question related to Object Tracking
Question
3 answers
Which object tracking algorithms are highly accurate and also have high processing speed?
Opencv algorithms themselves do not work well at high speeds
Thank you for your help
Relevant answer
Answer
Dear Shahrzad,
The selection of algorithms is based on the nature of the study. We will help you in a better way if you kindly share some details about your research. Meanwhile, I will suggest YOLOv2 and YOLOv3 for your learning.
  • asked a question related to Object Tracking
Question
6 answers
Hi Everyone,
I'm currently practising an object detection model which should detect a car, person, truck, etc. in both day and night time. Now, I have started gathering data for both day and night time. I'm not sure whether to train a separate model for daylight and another model for the night-light or to combine together and train it?
can anyone suggest to me the data distribution for each class at day and night light? I presume it should be a uniform distribution. Please correct me if I'm wrong.
Eg: for person: 700 images at daylight and another 700 images for nightlight
Any suggestion would be helpful.
Thanks in Advance.
Relevant answer
Answer
Ben Harper, thanks very much for your recommendation.
  • asked a question related to Object Tracking
Question
3 answers
Recently i am working on a task to track multiple moving objects across frames. At each frame, the pixel-wise segmentations are detected by a modified DBSCAN. I need to establish the segmentation ID associations over different frames. The difficulty is the detected segmentations are non-rigid and the shape or contour of each segmentation would change over time with tiny or large variation. Besides, segmentations may partly or totally occluded by each other. I have tried the KLT tracker, it works fine without the occlusions, but the ID switches happened when certain segmentations are totally occluded.
I am wondering is there any unsupervised algorithm specially developed for such situation. Since we don't have the ground truth, the DeepLearning based methods cannot be adopted. Hoping someone could answer me, i am very appreciated!
  • asked a question related to Object Tracking
Question
4 answers
I am looking for a animal pose estimation code that predicts the pose of an animal given 100-200 annotated frames from scratch using deep learning on a frame-by-frame basis. Is there any such code? I am not looking for something like DeepLabCut or DeepPoseKit or LEAP/SLEAP.ai tools. Looking for a simple baseline preferably written in PyTorch that could be easily modified.
Relevant answer
Answer
Hello Umair,
Hope you are doing well.
There are some useful sources related to your question.
DeepPoseKit, a software toolkit for fast and robust animal pose estimation using deep learning. (https://elifesciences.org/articles/47994 )
SLEAP: Social LEAP Estimates Animal Poses (https://github.com/talmo/leap)
BW
  • asked a question related to Object Tracking
Question
4 answers
Is it possible to determine any Physics Law from a moving object using deep learning model algorithm or can I train my model to detect it ??
Relevant answer
Answer
  • asked a question related to Object Tracking
Question
5 answers
For our Thesis, I proposed a computer vision algorithm for vehicular obstruction detection. The prototype was developed using the Computer Vision toolbox in MATLAB with several videos as input.
I need to calculate how accurate the algorithm identifies a vehicle as a violation. My plan is to compare the total violators from the manual observation (ground truth) and the total detected violators(from the prototype). With these, the False Accept Rate (FAR) and the False Reject Rate (FRR) come in also.
Example:
Ground Truth = 100 violators
Total Detected Violators = 80 (False Accepts: 5, False Reject: 25)
My idea:
Overall Accuracy:  75/100 -> 75%
1.) Is the overall accuracy computation correct?
2.) How do I obtain the FAR, FRR and the Equal Error Rate (EER) also? 
*Attached is a sample output snapshot of a violator detected by the algorithm 
Relevant answer
Answer
FAR = False Accepted/ Total Forged Matched
FRR = False Rejected / Total Genuine Matched
  • asked a question related to Object Tracking
Question
16 answers
Hello. I am an undergraduate student and I need to collaborate with my professor (who specialises in Computer Vision, Image Processing and 3-D medical imaging). I am looking for research ideas mainly in the topics of object detection, visual object tracking, object recognition, semantic segmentation, localization using u-net or medical imaging. Can anybody help me jot down growing research fields in these areas? Thank you!
Relevant answer
Answer
in computer vision Deep Learning is recently being used very widely by many organization including Microsoft, Google. Deep Learning uses deep net to simulated many layers of non linear processing . feature extraction and transformation and finally cascade them into a more accurate approximation of object identification. also you can check the following ideas:
  1. object detection
  2. efficient video understanding
  3. new applications using CV and related techniques (e.g. NLP)
  • asked a question related to Object Tracking
Question
3 answers
I have been trying to tackle a problem where I need to track multiple people through multiple camera viewpoints on a real-time basis.
I found a solution DeepCC (https://github.com/daiwc/DeepCC) on DukeMTMC dataset but unfortunately, this solution has been taken down because of data confidentiality issues. They were using Fast R-CNN for object detection, triplet loss for Re-identification and DeepSort for real-time multiple object tracking.
Can someone share some other resources regarding the same problem?
Relevant answer
Answer
Thank you Aparna Sathya Murthy for sharing the sources. It seems like the above 2 have their software version.
I am looking more like an open-source code like on Github that provides me with basic multi camera multi object tracking functionality and then, I can built on top of that. Appreciate your response :)
  • asked a question related to Object Tracking
Question
3 answers
I am particularly looking for dataset containing cameras capturing videos in a distributed setup. The videos, captured by multiple cameras have to be correlated. Is there any benchmark dataset on that? I found some of the existing datasets for distributed networks, but the factor of correlation is absent. It would be great to get some help.
  • asked a question related to Object Tracking
Question
4 answers
Can you suggest me a paper which discusses about easy to implement tracking algorithm in micro controller?
Relevant answer
Marwah Naser Thank you. It is feasible for microcontroller?
  • asked a question related to Object Tracking
Question
4 answers
I'm doing an internship where I perform several experiments of rubbing moist cloth over a glass pane and record it with a high speed camera. My goal is to calculate the to and fro (vibratory) displacement of certain parts of the cloth through the duration of the video. So, I have to input the video, read and compare it frame to frame, select parts of the frames which has to and fro movements, follow these (there are several parts with folds in the cloth which vibrates) parts throughout the video and plot the displacement with time. From these displacements, I should find the frequency of vibration.I have to follow different points which vibrate (Like the red part in the picture I've attached) and get their displacements also. So, there are multiple parts of in a video to focus on. I'm an amateur to matlab and new to image and video processing. If anybody could help me out with codes to this or guide me on how to proceed using an alternative if present, I'd be very grateful.
Relevant answer
Answer
  • asked a question related to Object Tracking
Question
7 answers
I'm looking for the object tracking methods which has high accuracy in low resolution videos. Actually low resultion can be Combine with the high similarity of ROI with background area. For clarifying the problem you can assume the movement of a car in foggy weather or movement of a fish in soily water. Actually, the speeds of the method is not important so high, just accuracy is important.
Relevant answer
Answer
I suggest you techniques of blockmathcing. They are fast and robust. Here, there is an of may papaer that tries to solve this problem
  • asked a question related to Object Tracking
Question
9 answers
can i have the matlab code?
Relevant answer
Answer
I am going to assume that you know the ground truth bounding boxes of the objects. In this case, you could use metrics such as mean average precision, intersection over union, or euclidean distance between the bounding box centers averaged over time.
I am not sure if you already looked at this github project, I found it to answer your question to some extent: https://github.com/rafaelpadilla/Object-Detection-Metrics
  • asked a question related to Object Tracking
Question
5 answers
Hi
I want to know where to find a map matching source code and efficient one
I have a huge GPS dataset and I want to get the set of road ID traversed from each GPS trip
did any one test a map matching software or code before?
Thanks in advance
Relevant answer
Answer
Free tool available for testing: converts raw GPX data to map-matched coordinates.
  • asked a question related to Object Tracking
Question
10 answers
I've recently found some time to do some research and find this field particularly interesting. It's been a while since I looked at any research. Just wondering what the latest and greatest is.
Relevant answer
Answer
There is several tracking algorithms available in CV libs like OpenCV. The most popular one in era of deep learning is perhaps GOTURN
  • asked a question related to Object Tracking
Question
3 answers
the new techniques that efficiently works with multiple object tracking?
Relevant answer
Answer
using new methods for multi-objects tracking
  • asked a question related to Object Tracking
Question
4 answers
1. Am using following code its generate (size - frames x 4 ) of .mat file. but i need size( 1 x 12)
positions(frame,:) = [pos target_sz];
results = [floor(positions(:,[2,1]) - positions(:,[4,3])/2), floor(positions(:,[4,3]))];
save(strcat('.\result\',video,'_tracker.mat'),'results');
Relevant answer
Answer
I understand the topic of your project, but it is still unclear what of data you are dealing with. I mean, what is the size of the frame variable? How do you obtain pos target_sz ? I can't understand the meaning of the second line, but it seems that pos_target_sz has at least 4 components.
I can guess that, but tell me whether I'm right:
-you have 3 frames
-'pos_target_sz' is a vector of size 1x4 and you have 3 -'pos_target_sz' variables
-you're storing in 'positions' the 'pos_target_sz' data
therefore you obtain a 3x4 matrix
-you need a result 1x12 of the kind:
[ [pos_target_size(of frame 1), pos_target_sz(of frame 2), pos_target_sz(of frame 3)].
-therefore you need to use the reshape function as suggested by Human Shayanfar.
-But to do that, you should before define 'position' in a different way:
position(:,frame)=[pos_target_sz(:)]
-in the second line you have to change the postion of the indices accordingly
-and finally you must use reshape as follows:
results=reshape(results,1,12)
  • asked a question related to Object Tracking
Question
9 answers
Hello,
I am conducting some behavioural experiments in which I would like to track the movements of two-spotted spider mites, but EthoVision is a little out of my price range. Does anyone know of any free versions that could be used instead?
Thanks,
Joe
Relevant answer
Answer
Since there is still interest in this question/topic, here is another recent open source solution to animal movement and behaviour tracking that would be worth exploring. Tracktor: image-based automated tracking of animal movement and behaviour by Vivek Hari Sridhar, Dominique G Roche, Simon Gingins. Manuscript: https://www.biorxiv.org/content/early/2018/09/09/412262
  • asked a question related to Object Tracking
Question
5 answers
My objective is to track the time varying delay and at the same time design a robust control for the system under time varying delay and multiple delay under uncertain conditions.
Relevant answer
Answer
Please check reference below.. hope it will be helpful for you…
Regards…
  • asked a question related to Object Tracking
Question
1 answer
My research involves tracking space objects using telescope images and orbit determination. I'm quite new to the field of space object tracking and I'm wondering if there is a place I can download optical telescope images of tracking LEOs such as satellites in sidereal frame ?
Relevant answer
Answer
I did face a similar problem in the past.
I dont think you might be able to find a public library of those image except maybe within the amateur community. For all I know, most of the telescope involved are related to military and there performances are highly classified. However, I think ESA has its own space surveillance system, you might have your chance there.
  • asked a question related to Object Tracking
Question
5 answers
We have a reseach project about new methods in walkability, and I think, object tracking of people on a public place, where are their ways, how many take one way, etc. is a good base to formulate walkability criteria. A little bit like a "digital Burano method"... just want to try it out, if it is possible. Open Source would be fine.
Thanks a lot
Relevant answer
Answer
Hey there,
I don't know if there exists a software that performs these two tasks jointly. However, you can use object detector methods (which include pedestrian detection) to launch a tracking from each one. At the object detection step, I recommend you use MaskRCNN or YOLO. At the tacking step, you can use TLD (from opencv).
All alternatives above can be found in python and they are opensource (I think so).
  • asked a question related to Object Tracking
Question
5 answers
there are different format of image exist. in the application of object tracking, we generally apply background subtraction then left out image is binary in nature. so it is one application can be said. likewise , how many applications are there?
Relevant answer
Answer
You want to study shape or measure something, you are mostly working on binary images. As for the applications... they are endless!
  • asked a question related to Object Tracking
Question
18 answers
Please do introduce some paper or site.
Relevant answer
Answer
1. Haar Cascade Classifier
2. Template matching
3. Deep CNN
4. Contour finding after background subtraction in case of video
  • asked a question related to Object Tracking
Question
33 answers
Is there a decent open source environment or tool for annotating and evaluating video analysis such as object detection, tracking etc? I have found a couple online but they are either old and hardly working, or only do annotation but not evaluation. Evaluation would be to compare the ground truth (from annotation) with the methods result and produce common statistics for it. Many researchers publish evaluations/comparisons of video tracking using common data sets, but are there any common tools for performing these evaluations?
Relevant answer
Answer
Computer Vision Annotation Tool (CVAT) is a web-based tool which helps to annotate video and images for Computer Vision algorithms. It was inspired by Vatic free, online, interactive video annotation tool. CVAT has many powerful features: interpolation of bounding boxes between key frames, automatic annotation using TensorFlow OD API, shortcuts for most of critical actions, dashboard with a list of annotation tasks, LDAP and basic authorization, etc… It was created for and used by a professional data annotation team. UX and UI were optimized especially for computer vision tasks.
  • asked a question related to Object Tracking
Question
6 answers
Hi,
I am trying to compute the time to contact (ttc) for moving (non-rigid) objects using moving monocular camera videos by computing the change of object size in each frame.
theoretically, the method is OK. practically, I got unstable results (e.g. increasing and decreasing numbers while the object is approaching).
I tried to reduce the temporal noise between every two consecutive frames by calculating the ttc over a time window (for example 10 frames). this reduced the inaccuracy but still no clear pattern in the results. I would expect the ttc to be increasing when the object is moving away and to be decreasing when the object is approaching, but I can't get such a result!
it is worth to mention that both the camera and the object are moving.
could anyone help me in this?
did I miss something?
Thanks
Relevant answer
Did you try to link the output of the cameras? and keep the size as cue?
  • asked a question related to Object Tracking
Question
4 answers
Deep feature, color feature, gray feature, HOG or others?
What are the advantages of these features?
Relevant answer
Answer
It all depends on your machine and the time/accuracy performance you want to achieve. Deep features are great, but you need GPU if you want a real time performance system. If you want a very light and fast tracking, you can use color or contour features instead.
  • asked a question related to Object Tracking
Question
4 answers
Hi,
Can anybody suggests an objects tracking database/benchmark taken by a wide-angle moving/wearable camera?
Thanks,
Relevant answer
Answer
Hi,
I hope you can find good database in following link:
Be success
  • asked a question related to Object Tracking
Question
3 answers
We need to track at least 3 (2mm*2mm) markers which are near to each other (distance is approximately 1 cm). We have a Basler camera that can take up to 513 frames per second. We need an application to track the markers. I wonder if there is a program available online to track these markers?
Relevant answer
Answer
What kind of marker do you want to detect ? if the marker is something with specific color you can make your own program to detect it. It is not so difficult actually. You can use C++ / Python with open CV.
  • asked a question related to Object Tracking
Question
7 answers
Image Processing.
Relevant answer
Answer
You can use vSLAM or visual odometry for object trajectory if the accuracy of object location matters.
If not, use EKF (extended Kalman filter) it is the best for motion based tracking. But you have to know that Kalman filter tracks only one object. In order to track multiple object you either use Hungarian algorithm or initialize tracker for each object.
  • asked a question related to Object Tracking
Question
6 answers
The research content includes a proposed algorithm for image/object matching and two proposed algorithms for multiple object detection.
The algorithms for image/object matching and multiple object detection are not related.
My question is how to organize them to form a Phd thesis? How to unify them into a big problem to present? What title is appropriate?
Relevant answer
Answer
You should probably try to find a problem you can solve combining/pipelining both types of algorithms, i.e. pretend you had an ultimate goal when you worked on them both. I don't know exactly which algorithms you are talking about, but lets say you are detecting people approaching a government building and you want to identify a felon among them or something like this. Depends on your specific work, really..
  • asked a question related to Object Tracking
Question
1 answer
In face alignment or object tracking, what is the superiority of Lie group compared with other geometric transformation such as Affine and Homography?
Relevant answer
Answer
I think you are mixing things in your question. Tracking or alignment requires projecting world’s features and mapping them to image points which includes both 3D to 3D and 3D to 2D transformations. These transformations, which includes rotations and translations, are considered very complicated to be performed iteratively as they are over parameterized. Rotation matrix has 9 values, even though rotation has only 3 degrees of freedom (DoF). The rigid body transformation matrix has 12 values while a motion has only 6 DoF. Moreover, due to the physical limitations of rigid body movements not all possible variations of the transformations matrix are valid transformations. Therefore, we need a simpler way to represent these movements which aligns with the DoF. There are several minimal parameterizations for 3D rotation in use (such as Euler angles, axis-angle and quaternions) and they can be converted to or from a rotation matrix. Each method has its own pros and cons.
  • asked a question related to Object Tracking
Question
8 answers
Does anyone know a popular outlier removal technique other than RANSAC (Random Sample Consensus)? To enhance the performance of image registration, I have proposed a technique to reject false matches after obtaining keypoint matches. To verify the effectiveness of the proposed technique, it is necessary to compare with existing outlier removal techniques. RANSAC should be the most famous one, but it is old. It would be better to include some other popular outlier removal technique(s) when making performance comparisons. If anyone suggests some outlier removal technique, it would be great that the source code is avaible. Thanks.
Relevant answer
Answer
Dear Ghuohua,
There is also this work based on J-linkage clustering method.
"Copy-move forgery detection and localization by means of robust clustering with J-Linkage", Irene Amerini. Lamberto Ballan, RobertoCaldelli, Alberto Del Bimbo, Luca Del Tongo, Giuseppe Serra, Signal Processing: Image Communication: Volume 28, Issue 6, July 2013, Pages 659-669.
Bests!
  • asked a question related to Object Tracking
Question
5 answers
Apart from the four rotor inputs of the quadrotor, I want to know other input and output  features must be considered in control of quadrotor using classical control technique.
Relevant answer
Answer
The only inputs are the rotor speeds. Most control laws control combinations of these commanded rotor speeds. The outputs are whatever can be measured--if you are using a standard AHRS (attitude and heading reference system), it consists of IMU (inertial measurement unit measuring 3 accelerations and 3 angular velocities), GPS (three coordinates of position), magnetometer (three components of geomagnetic field), and altimeter (height above the earth's surface). Most papers, such as the ones posted above, have these. You can also have optical sensors for optic flow that give motion relative to the background, or stereo vision, or lidar/radar that give positions of objects relative to the drone.
  • asked a question related to Object Tracking
Question
3 answers
I want to detect brand of a car by using template matching in matlab.
Relevant answer
Answer
Logo detection is a hot direction of research in computer vision. 
You have two ways: 
1) using machine learning: you need to have dataset of car logos, train a machine learning model such as CNN to detect logo and test it. This paper can be a good start if you like to go in this way: https://arxiv.org/pdf/1612.09322.pdf
2) using image processing techniques only: you need to reduce the region of interest where the logo might be first to save time. You can do that by segment car into parts and limit your search for logo into certain parts only. 
Then, you need to have logo templates and scan the region of interest and having a score of similarity for each scaned area. 
  • asked a question related to Object Tracking
Question
3 answers
The AIS data represents that information sent by vessels to other vessels while in move.
  • asked a question related to Object Tracking
Question
2 answers
In "Real-time human pose recognition in parts from single depth images" by Shotton et al., their method generates "confidence-scored 3D proposals of several body joints" for a single depth image.
I am looking for papers that deal with selecting the best body joints out of these 3D proposals (for example, without using the confidence scores, by searching for body joints that match a pre-defined skeleton).
Can anyone recommend papers on this topic?
Relevant answer
Answer
I hope this paper might help you. As a matter of fact, I am still working on similar topics and more papers will be published in the future.
  • asked a question related to Object Tracking
Question
5 answers
I want to know what are the techniques currently used in the highway traffic monitoring. like RFID etc
Please suggest me available publication or any mean of sources
  • asked a question related to Object Tracking
Question
4 answers
I am doing the vein recognition and localization work.I found that it is difficult to distinguish the capillary and the veins,especially the blur veins.I use the frangi filter to extract the veins, but the dark thin capillary become thick after the filter. Then, my algorithm is confused to identify which is the thick vein.I want to recognize the capillary, so that I can do some judgment about the thickness of the veins.  Anyone can give some advise?
The image below is captured by a common industrial camera with infrared filter under the infrared light. 
Relevant answer
Answer
Not sure whether the following papers could be of interest:
R. Su, C. Sun, C. Zhang, and T. D. Pham, A New Method for Linear Feature and Junction Enhancement in 2D Images based on Morphological Operation, Oriented Anisotropic Gaussian Function and Hessian Information, Pattern Recognition, 47(10):3193-3208, October 2014.  http://doi.org/10.1016/j.patcog.2014.04.024
R. Lagerstrom, C. Sun, and P. Vallotton, Boundary Extraction of Linear Features Using Dual Paths through Gradient Profiles, Pattern Recognition Letters, 29(12):1753-1757, September 2008.  http://vision-cdc.csiro.au/changs/doc/lagerstrom-etal08.pdf
  • asked a question related to Object Tracking
Question
6 answers
Greetings
Beyond matlab, does anyone has any suggestion on how to track the ball in football. I have the video of the matches.
Sincerely
Relevant answer
Answer
hello !
I would suggest Python especially if you are familiar with Matlab.  I recommend to download Anaconda - probably the best distribution of Python:
There are different python libraries specialised in image processing but I would suggest OpenCV-Python: 
Cheers,
  • asked a question related to Object Tracking
Question
3 answers
In "Real-time human pose recognition in parts from single depth images" by Shotton et al., their method generates "confidence-scored 3D proposals of several body joints" for a single depth image.
While I have found datasets of human motion that include raw depth images, I cannot find any that have these 3D proposals already computed.
Specifically, I am looking for a dataset that includes multiple 3D proposals for body joints, as well as the ground truth positions (e.g., the best proposals for each image frame). Do any of these exist?
Relevant answer
Answer
Thank you both for answering. I looked at the datasets, but it seems that they only have one position for each joint, instead of multiple options.
  • asked a question related to Object Tracking
Question
4 answers
how to put bounding box of a tracker in single object tracking?
Relevant answer
Answer
Thanks Dear Sir Muddasir.
  • asked a question related to Object Tracking
Question
1 answer
Hello,
To find occlusion similarity, I have to add structured/block noise in image. How can I add this noise in an image using opencv?
  • asked a question related to Object Tracking
Question
5 answers
HI All,
It is highly admired your suggestions and opinions in advanced.
I'm wondering what is the best way to identify weight and its location simultaneously.
Example: object A is a 10kg weighted while object B is 20kg weighted. Both objects are moving around known area. But need to identify where is the A and where is the B suddenly by their weight. Any Method,suggestions?
Relevant answer
Answer
Thanks for all the feedback 
  • asked a question related to Object Tracking
Question
4 answers
I need to have the size of blob fixed and not affected much by illumination..
Relevant answer
Because of the continuous change in illumination. 
  • asked a question related to Object Tracking
Question
4 answers
Are they combined together for object Tracking?
Relevant answer
Answer
Thanks "Tunc Guven Kaya" .
I believe Lukas-Kanade is an algorithm to detect optical flow and not texture.
Am I missing something?
  • asked a question related to Object Tracking
Question
1 answer
Hello to all, As I'm working with MOA 16.04 tool, and when I run the task for detecting Drift, I'm getting the bellow shown output, I wanted to know which file or data they have used to detect the drift? Are there any possible ways to detect the drift with a different data set ( custom )? if yes then how?
I hope I'm clear from my side. Thank you.
Relevant answer
Answer
Dear  Ritika Jani ,
Look the link, may be useful.
Regards, Shafagat
  • asked a question related to Object Tracking
Question
3 answers
I am doing my PHD in image processing, I am to build a system that automatically detect anomaly behavior in crowded scenes. I have a knowledge of feature extraction and also density estimation map of the crowd. Which algorithms that i would use to achieve my goal.
Relevant answer
Answer
You have chosen a complicated problem! One historical approach is based on multiple target tracking combined with various change (or manoeuvre) detection algorithms. Have a read of the papers below to get a feel for how many people have tried to solve these difficult problems and what approaches are available. Please upvote if you find this answer useful.
  • asked a question related to Object Tracking
Question
4 answers
hi
I would need a suggestion for a tracking software that could be used to count and follow sperma or other parcticles from a video. I would need something free, that could provide sperm trajectory, speed, and saves the result in a csv (or similar) file.
any suggestion?
thanks Carlo
Relevant answer
Answer
Hello. Your question is about tracking and thereby counting sperm cells in a video sequence. There are a number of open source libraries, like the one Bhaskar has mentioned above. Be careful though, there are many practical problems that prevent simple algorithms such as nearest neighbour, on which OpenCV and other open source code is typically based, from giving accurate results.
The hidden assumptions in this type of algorithm are that there is good SNR (a high detection probability), a low false alarm rate (few spurious measurements), good separation between the objects being tracked (no occlusion) and that they move in straight lines, at least when viewed at the frame rate of the video system. Another assumption relates to the nature of the object being tracked, which is an extended object in your case, but for which the centroid will usually be the part that is actually tracked.
The machine learning community has only recently (since the 1990s) discovered tracking as a discipline and it proposing various methods for solving this rather old problem. The first tracking algorithms arose in the 1960s in connection with military radar systems and since that time, scores of different techniques have been proposed to handle tracking scenarios of various types and complexities. The simplest were based on approximate Kalman filters called alpha-beta filters, using a nearest-neighbour association rule. The most complicated are based on multi-hypothesis filtering algorithms that include provision for manoeuvres and so on. I have not read that many papers from the machine learning community that demonstrate a good understanding of the tracking literature, although there are some notable exceptions. A good one is Cox and Hingorani's paper from IEEE PAMI in 1996.
You would do well to read the paper below, which was published before particle filters and set-based estimators (like PHD) became popular (at least in the research sense). It is useful to remember that tracking is one of those areas where it is quite hard to say what approach works best because of the difficulty of defining what "best" means. There are a large number of possible failure modes of a tracking algorithm, not just mean square error (track initiation time, track loss, track swaps, etc).
Please upvote if you like this answer, or even better, reference my paper ;-)
  • asked a question related to Object Tracking
Question
6 answers
I need a test to measure shooting accuracy in futsal.
Relevant answer
Answer
as far as I know, no standard test is available, you can find it in a research-made style by making a standard test.
  • asked a question related to Object Tracking
Question
1 answer
the name in the quote is not a specific article title
i am searching for such an article but no answer till know!!
  • asked a question related to Object Tracking
Question
8 answers
I was working on moving human identification in a video. I divided the work into detection, tracking, classification and identification. I've worked up till tracking and my approach is unique and novel. Do I need to work on the rest two stages or I may leave it and start writing papers and Thesis. 
This is an M. Tech Project.
Relevant answer
Answer
Dear Sajjad,
for a master project, my opinion is that this should be completely sufficient. Your supervisor will definitely understand that at first your goal (the full identification pipeline) was a little too ambitious. Providing new ideas for detection and/or tracking is definitely sufficient for a Master's project.
However, do not forget to talk to your supervisor(s) about your decision, and your solution. They might have a better intuition about the novelty of your approach. Also, you should not do anything that is completely against their opinion, as they might not let you pass in case they believe that your work is insufficient. But, as I said, there is little to be afraid of.
Manuel
  • asked a question related to Object Tracking
Question
3 answers
We want detect bee by camera, and camera will be attached at UAV.. 
After detect bee, UAV will track the bee and we can know location of bee by map what UAV provided.
UAV should keep some distance from bee.
This situation, what is most suitable camera for detection bee? 
Relevant answer
Answer
Hi Jeongeun,
since you have to track multiple fast moving targets I would suggest to buy a camera that meets the following requirements:
  • high resolution ( >= 720p  ), bees are small targets
  • high framerate
  • global shutter
  • (easy interface)
Take a look at the following camera from PointGrey: https://www.ximea.com/usb3-vision-camera
It meets all the requirements: 500fps@VGA, 90Mpx@4Mpx, global shutter, ROS node for integration in the Robot Operating System (if you want to implement some realtime operations..)
Hope it helps
  • asked a question related to Object Tracking
Question
2 answers
I am trying to do image processing with NI vision (NI IMAQ), I want to perform "white balance for the captured image taken from webcamera" which algorithm should I follow for the white balancing?
  • asked a question related to Object Tracking
Question
23 answers
I have captured frames of a video. A video of a particle moves through a flume. I wanted first to undistort it but I didn't capture calibration images. I just know some measures, for example the width of the flume the diameter of the particle and etc. Is it possible to undistort it?
and next question is detecting this particle in each frames. it's too hard to extinguish the particle from the background. I couldn't do it by subtracting the background. can anybody help? I attached one of the frames please find it.
Thanks in advance
Relevant answer
Answer
The problem with your image is that parts of the ball are in the shadow, too. If you have the chance to install a second light source on the left side for a better illumination the processing based on hue and saturation as shown by Wolfgang Reichl would be quite robust with appropriate threshold parameters.
  • asked a question related to Object Tracking
Question
3 answers
We're looking for motion datasets as multi-dimension time-series in which exist partial similarities between different categories based on some of the dimensions.
For example, consider two persons waving, but one is doing that while walking and the other while driving in a car. So their generally they are related to different motion categories, are different but both are similar according to their arm movements.
Regardless of the human based above example, the dataset can be any biological dataset!
Thanks!
Relevant answer
Answer
  • asked a question related to Object Tracking
Question
13 answers
Hello,
At present, I am working on moving object tracking. In which I need to detect the occlusion in moving camera environment. May you tell the simple (basic) approach to detect the occlusion within frame or samples of frame?
Thank you
Relevant answer
Answer
SIFT features is suitable.
also used CNN for tracking.
  • asked a question related to Object Tracking
Question
25 answers
Hello,
I'm working on a commercial product where I need to estimate the 6DOF pose of a known 3D CAD (closed 2-manifold triangular mesh) in a single 2D image (see attached picture).
In general, this a difficult problem but under our operational conditions, we can impose the following constraints simplifying the problem:
  1. The CAD object is known and we do NOT aim for generality like recognizing the class of all chairs.
  2. We could get the user to position the camera approximately to a specific pose (distance from the object, general orientation +/-15deg, etc.)
  3. If possible, we would use only the edges of the image (like Canny) to find and match against the object viewed from a given position.
  4. This would be used in an industrial environment with manmade objects (pipes, valves, junctions, etc) without much texture.
All these constraints lead me to think that even relatively old and somewhat basic techniques could work.  For example, in the Sonka and al. book (see link below), section 12.3.2 Goad's algorithm explains a 1986 paper from Goad C. "Fast 3D model-based vision" which could work relatively well under our assumptions with its top-down "hypothesize-and-verify" approach.
I also know that the industrial vision and robotics community have tackled this problem and its generalization for a long time so there is bound to be something usable out there.
My question is the following: Would somebody know of a commercially usable implementation (like OpenCV, etc.) solving this problem?  More specifically:
  • I'm NOT looking for deep learning stuff needing an offline learning phase with thousands of viewpoints from our CAD models.
  • I'm NOT looking for RGB-D techniques relying on depth sensors. The color is also irrelevant as the CAD is colorless.
  • "Old" techniques out of research fashion are OK, even preferred as we will be running on a low performance computer.
  • Ideally, using C or C++ (may depend on OpenCV for example).
  • Usable commercially (licensed under BSD, MIT, BOOST, etc.), not GPL.
Thanks in advance for any leads anybody could offer.
Bruno
Relevant answer
Answer
Thanks Max!  That's a very awesome answer!
I also had other answers from Alberto Pretto about code implementing his paper "D2CO: Fast and Robust Registration of 3D Textureless Objects using the Directional Chamfer Distance".  Mister Pretto said that his group will release the refactored version of the code under BSD license!
There is also a paper named "Fast 6D pose estimation for texture-less objects
from a single RGB image" which works on the same kind of problem.
Again, thanks for having taken so much time to explain the work you did on the problem.  I hope you will find the following links interesting!
Bruno
  • asked a question related to Object Tracking
Question
11 answers
I want to track the eyes of person in IR images. I was able to track eye in open condition using Blob detection (iris will be the blob), but once eyes are closed i am unable to track. please give me some suggetion
the input will be a person driving the vehicle.
Relevant answer
Answer
Hey Rosemary,
the short answer was given by Ruben ("you can't"). There is a related discussion on RG on tracking closed-eye movements (see link).
The long answer: It may be possible to at least get a classification (moving/not moving) with elaborated image analysis, as you normally see the eye moving under the lid. Depending on the illumination pattern, your camera should pick up some change in illumination which you could use as a proxy for the classification. That said, you will probably never get close to a precise measure of close-eye position.
Hope that helps,
Greetings, David
  • asked a question related to Object Tracking
Question
6 answers
We need an Indoor Positioning System to study consumer behaviour in real indoor environments (large rooms: e.g. supermarket), but I'm not sure which is the best technology for that aim (WiFi, radio signals, bluetooth, infrastructure-based, etc.). Given that there is no a recognized standard, I'm a little puzzled.
In any case, the system should be accurate (submeter accuracy, if possible), unobstrusive, user-friendly, easily deployable, stable enough, and, if possible, providing a good quality-price ratio. It is crucial that the system can register and map position, tracks, dwell times, etc. Any suggestions? 
Many thanks in advance!
Relevant answer
Answer
Submeter-accuracy is a tough requirement for indoor localization if there's no dedicated infrastructure in the building. Here are some commercial solutions available I know:
  • Cognitec FaceVACS VideoScan: this generates location statistics from surveillance camera streams based on face analysis techniques
  • KINEXON: indoor localization and statistics based on a network of wireless beacon devices (tracked objects have a receiver sensor attached that is located by fixed anchor base-stations)
  • NavVis navigation app: a smartphone app & SDK for localization and navigation in indoor environments. This requires that the building was scanned once with the NavVis mapping trolley, but needs no infrastructure later in operation. The navigation app will be released soon, but you can already get in touch with the team if you have a use case.
Among them, only the face analysis based method is really unobtrusive - all others require the tracked persons  to cooperate.
  • asked a question related to Object Tracking
Question
5 answers
I want to use  it in Object tracking.
Relevant answer
Answer
This applying not found in my city
  • asked a question related to Object Tracking
Question
4 answers
I want to use SIFT in Object tracking.
Relevant answer
Answer
While there are methods (like the Chalmers thesis as suggested by Seyed Muhammad) for tracking using SIFT etc only; from experience i can say that SIFT becomes very computationally expensive when doing real time tracking for a high resolution video; or where there are other tasks to be performed after computing SIFT features. A better method for object tracking for practical implementation is using a combination of Feature detecting algorithm (like SIFT or ORB etc) and feature tracking algorithm (like KLT). 
Features are acquired from SIFT/ORB and passed on to a feature tracking algorithm like KLT. The features are updated every n loops; or under conditions as required by the application.
Hope this helps. 
  • asked a question related to Object Tracking
Question
4 answers
require how to model the camouflage background to detect objects using statistical models  or is there any alternative methods
Relevant answer
Answer
thank you ahmad for your support i need to model the natural background so i need some useful resources to do that
  • asked a question related to Object Tracking
Question
2 answers
Well, it is about underwater vehicles moving on the concentric circles for tracking. Let the vehicles be XA on circle A, and XB on circle B, XC on vehicle C and so on. (There could be more than one vehicle on each concentric circle).
Since the circumference on A is smaller than that of the others, the vehicles will finish the tracking on A faster. After finishing the tracking, they will move to B to assist in finishing the tracking the vehicles on B have not yet finished.
When the vehicles XA and XB now finish the tracking on B, they will also all move to the next circle to assist in the remaining tracking the the vehicles there have not yet finished. This will move on until the last circle is tracked.
Relevant answer
Answer
It may be suspected that your goal is to simulate the described process by computer program.  If so, then you need some kind of equation saying what is the evolution rule, i.e. expressing the state of your system at time tn+1 as a function of its state at time tn (previous one).  But what is the state?  It is an array with as many rows as there are vehicles and 3 columns.  First column says at which track the vehicle currently is, the second may indicate its current position (may be expressed as an angle of rotation), and the last column indicates whether the vehicle is on the still unexplored part of circle or - perhaps - in a transit state, i.e. on its way to the next circle (this takes some time, isn't it?).
The most troublesome part is keeping track of the current degree of exploration of each circle.  You have also to decide whether the vehicle has to switch to another circle after reaching already explored part of current circle or later.  The other question is what to do when right after switching to the next track we happen to be on its already explored part ?
To perform such simulation we we need the complete description of an initial state, of course.
Hope this helps.
  • asked a question related to Object Tracking
Question
3 answers
I am currently calibrating 2D digital camera with 3D tracking system(Optical tracking system or Electromagnetic tracking system).
In most of the literature I studied, First the camera is calibrated with checkerboard pattern then the calibration between camera and the 3D tracking system is obtained by hand-eye calibration technique to get the Rotation and translation. 
I used Direct Linear Transform to calibrate the 3D tracking system and camera. The position and orientation of camera is determined in 3D tracker coordinate frame.  Calibration is done by locating same calibration points in camera frame and 3D tracker frame.
Now if I need to transform a point from 3D tracker frame to camera frame would it be the correct according to the method I used? Can I bypass the Hand -Calibration according to method I used?
I would like to apologize for the long post. Thank you for your precious  time. 
Relevant answer
Answer
Thank you Yu Luo and Nikolaus Schweyer for your response. It is helpful for me. Thank you.
  • asked a question related to Object Tracking
Question
4 answers
I am using krige.cv() for cross validation of a data set with 1394 locations. In my code, empirical variogram estimation, model fitting, and kriging (by krige()) everything works fine. But when I use krige.cv() I get the following error.
Error: dimensions do not match: locations 2786 and data 1394
One can notice that 1394*2 = 2786. What could I be missing? Please note that there are no NA or NaN or missing values in the data, variogram or kringing results. Everything works fine, and it's just krige.cv() that does not work.
Relevant answer
Answer
Dear Asad Ali,
Your question is not very correct because you didn't mention the software used in your study. I know several geostatistical programs with different organized type of imputing the data and outputting of the results. The first reaction to your question is that some technical problem is coming from the software itself, or from your data file structure. Something is not read correctly.     
  • asked a question related to Object Tracking
Question
2 answers
cooperative perception may include cooperative localization, mapping, target tracking and so on.
Relevant answer
Answer
Algorithms of whisker-mediated touch perception
  • asked a question related to Object Tracking
Question
1 answer
Hi all,
I want to track particles in a micro-channel by transient method, but during simulation just one of particles move along channel and other stay in initial container. 
I'm really confused. What's your idea?
Relevant answer
Answer
If you are using surface injection, i think the number of particles released from your inlet would be equal to number of mesh faces at your inlet. If there is only one mesh face at the inlet, it will release only one particle. You can try to dense your mesh at the inlet and try to simulate again. This might work.
  • asked a question related to Object Tracking
Question
2 answers
Hello everyone,
I am currently doing some research in multiple objects tracking using Image Based Visual Sservoing methods. I have already found some papers about the topic of IBVS in general and also about my main concers - keeping multiple objects in the field of view of the camera. Do You know some must-read papers? Maybe someone is also doing a research on similar topic ? I would not mind sharing ideas at all. 
I am also interested in methods of extracting the depth to the tracked object and in any promising ways of adaptation to uncertainy in this parameter. I am using a monocular vision.
Any help would be appreciated.
Relevant answer
Hi Manteusz
I would highly recommend the publications of Peter Corke and François Chaumette, their work is always in the forefront of visual servoing, and it also covers the basics for IBVS and PBVS. For starters, go with Visual Servo Control Part I and II.
Depth estimation from monocular images is quite challenging, it can be done in a geometry-based case, and is even more challenging in an unrestricted case. Maybe Cornell's work could give you some ideas.
I wish you success in your endeavour
  • asked a question related to Object Tracking
Question
5 answers
Can the Kalman achieve low mean square errors in these two mentioned scenarios. 
Relevant answer
Answer
I think the KF will work OK for most noise distributions, so long as the errors are zero mean, and the distribution is symmetric around the mean. But it won't be optimal anymore, so you may as well use a different (simpler) smoothing filter without so many statistical assumptions.      
  • asked a question related to Object Tracking
Question
7 answers
I am expecting to get a good result, since visually I think I am getting acceptable results in pedestrian tracking, but when I evaluate it by MOTA and MOTP, I get 48% and 70% respectively. Both my TP and FN are accurate enough, but FP is very high and leads to a decrease in MOTA.
I do not know exactly what to do now to decrease FP except the trial and error.
Does anyone have any ideas about it?
Thank you.
Relevant answer
Answer
Hello Marjan Ramin,
Your problem can have different solution. First, try to use other indicators of classification algorithm performance such as precision, recall, f1 score or cohen's kappa. The kappa coefficient can be high with a low accuracy. This means that your algorithm is good. Then, the training stage of your algorithm has to be correctly done. For example, if you use ANN, overfitting phenomenon can influence your results. So you have to use a number of training data less important than your current number of training data. 
Another important thing is your features. May be you have to change the extraction features method in order to get more discriminant attributes. Last thing, look the performances for each classes. May be you have 1 or 2 classes, which increase your FP and FN.
And try other classification algorithms. For example, in my study case, the best algorithm is k-nn. And I compared C4.5, CART, Multi-Class SVM, ANN, ANFIS. 
  • asked a question related to Object Tracking
Question
6 answers
Can anybody suggest a method to track the ball in an indoor soccer game.
The input will be video frames.
Any matlab or opencv code would be very nice.
  • asked a question related to Object Tracking
Question
7 answers
I have mixed some detection and tracking algorithms to do multiple pedestrian tracking. At this stage I have my results and I can visually see the tracked pedestrians. However, I don't know how to evaluate my results to show how good my method works. Do you have any suggestions?
Thank you.
Relevant answer
Answer
Hi,
Graham pointed out the fact you must analyze what kind of evaluation is required.
In some MTT methods, if track labels or theoretical positions of pedestrians are known, you can use the OSPA-T distance. It can both combine the tracking accuracy and the cardinality estimation. Full details of this metric can be found in Ristic's paper :
  • asked a question related to Object Tracking
Question
4 answers
Is there any way to use methods used to track single objects in video frames for multiple object tracking? If yes, what is the disadvantages of using single object tracking methods vs multiple object tracking methods?
Does anyone has an idea?
Thank you.
Relevant answer
Answer
Hello again,
This is one of those questions that will separate academic researchers from practitioners. Most tracking algorithms used in practical systems are single target except for very high performance radar applications (ATM and GBAD). The majority of tracking algorithms are pretty poor when it comes to multiple targets and single target methods tend to work better (!). The exceptions to this are things like MHT, which is hard to implement, and certain assignment algorithm approaches (>2-D), which are computationally intensive. The "modern" approaches, like PHD implemented with Gaussian mixtures, have not been proven to outperform conventional approaches like MHT, and at any rate, they are both basically propagating multiple Gaussian hypotheses. I think that engineers should be scientific in their approach and actually compare and benchmark their methods properly. In MTT this is not the case however. 50+ approaches and 10,000s of papers and still no one knows what works best on a given problem or can offer any useful design rules. This is not scientific.
By the way, single-target VDA, which is a track splitter, performs really well in MTT despite. Have a look at my RG page for references, starting with the attached link. There is a paper by Musicki that takes a similar approach.
Another thing about MTT approaches is they often assume a constant number of targets (like JPDA). MHT and PHD, which don't do this, use pruning. You can also use clustering with splitting and merging, as in the second reference.
  • asked a question related to Object Tracking
Question
4 answers
I am trying to detect 3d model from live video stream.Model should be detected by any face.how can  do that?
Relevant answer
Answer
Hi Patil,
If you have a CAD model of your target you may extract the edges and find those edge in image.
Not so common, you may also use texture if your CAD model contains texture information.
I used a commercial software to find the pose of a CAD model in images, but if you pretend to get more data and fully control the process is may be better to implement the methods by yourself
  • asked a question related to Object Tracking
Question
4 answers
Hello all, I want to implement a people tracking algorithm suggest me some recent good papers.
Relevant answer
Answer
I don't know recent papers about people tracking but you can start by papers using Gaussian Mixture Models.
  • asked a question related to Object Tracking
Question
1 answer
location estimation of a person
without GPS
heterogeneous network
Relevant answer
Answer
You mean without external reference in general? I mean, you are discarding using, e.g 4g or GPRS or WiFi for localization either, which work like GPS, only you need to know where your beacons are and calibrate everything a priori (or use available calibration information). The obvious alternative is discontinuous detection, like in some museums (e.g. use BT, RFID to see which picture you are close to). Is this what you were asking?
  • asked a question related to Object Tracking
Question
4 answers
We are currently researching the best solution for tracking players for various sporting events.  We are currently working on American Football. The current solutions are GPS, OCR, and Particle Filter-based Predictive tracking.  We are looking for new solutions and new research that might all the price point to reduced.  
Relevant answer
Answer
Thanks to everyone for your answers. I was able to contact several individuals based on your answers. We're pushing forward on several fronts with tracking integration I hope to share our results soon.
  • asked a question related to Object Tracking
Question
5 answers
Any idea how to estimate the global motion from video.
Relevant answer
Answer
Hi Sanjay,
If you are looking for a relatively simple method, you may use the phase correlation method. That method gives fairly good results for global motion estimation. See https://en.wikipedia.org/wiki/Phase_correlation or a video processing book such as Video Processing and Communications by Y.Wang et al. 
If you are looking for a more accurate and robust method, see, for example, the IEEE TIP paper "Efficient, robust, and fast global motion estimation for video coding".
  • asked a question related to Object Tracking
Question
7 answers
I am looking for an accurate method for human tracking which is based on pre-extracted features from our dataset. Anyone knows an algorithm like that?
Relevant answer
Answer
you can build a pedestrian detector first based on feature extraction like Deformable part models (DPM): 
and then after that you can use it to build your pedestrian tracker, the naive approach is to do detection every frame and connect close objects/humans but for better performance, you need to think more on how to make use of it for tracking.
  • asked a question related to Object Tracking
Question
19 answers
I am currently working on publishing an applications paper on my automated object tracking and data analysis software that I will be releasing for free as open source. I have some good experiment footage of various behavioral ecology studies that the software has been very successful in collecting data on, but I am interested in exposing the software to as many different tracking environments as possible for showing it's capabilities.
If you provide me with footage, you will of course be cited/credited on the resources section of the paper. I am only interested in footage of animals (insects, fish, mammals, etc.) and preferably in an ecological or experimental context (handheld camera footage isn't ideal). Please let me know if you are interested and if you also know of any publicly available datasets of animal behavior footage that fits the criteria I've listed.
Thank you and I hope to see some suggestions! 
You can contact me at: jon.patman@enmu.edu
I am also working on the web-site for the software and I will post a link here shortly so that interested researchers can sign-up on a mailing list and be contacted when I release the software this year.
Relevant answer
Answer
@ Morten Bo Søndergaard Svendsen:
Hi Morten,
Thanks for your interest I will contact you shortly. And yes, open source is the way of the future in my opinion! I intend to have a repository for the software on GitHub so that I can track changes and additions. Thanks again!
  • asked a question related to Object Tracking
Question
4 answers
Is it possible to use traditional target tracking methods like JPDA in this situation?
Relevant answer
Answer
Dear Shafagat Mahmudova
These links helped me alot but I didn't see any evidence of using traditional object tracking algorithms in cloud based tracking?
Thanks
  • asked a question related to Object Tracking
Question
5 answers
Or in what conditions, measurements must be time-stamped? (from the control and estimation point of view)
Relevant answer
Answer
Any kind of sensor array used for target tracking will involve synchronized operation of the individual sensors, certainly. So I agree that this would be the functional equivalent of using timestamps,. even if in a particular case, actual timestamps aren't used.
For instance, even something as compact as a phased array antenna would qualify as multiple sensors used in tracking one or more targets simultaneously. In phased arrays, the phase between elements is very tightly controlled, even if this is not done with actual timestamps. So yes, this qualifies.
What about an example of multiple fire and smoke sensors used to monitor a building? For real time monitoring, all you really want to know is which sensors are being set off, as soon as the alarm condition occurs. And any time stamps would be needed mostly just to reconstruct the event.
  • asked a question related to Object Tracking
Question
5 answers
How do I detect multiple objects which are in motion in front of a camera with opencv code?
occlusion for multiple object tracking
Relevant answer
Answer
Actually, as in most computer vision techniques, it depends heavily on the context. If you are using a 3D camera you can use depth segmentation. If you have control over the background and you need to track specific objects best alternative can be the simpliest one, a segmentation based on color or edge. If you need to track any moving object on a static background you may use Background Subtraction techniques. Again in this case you can model your background if you have a precise control over it or you can use a standart technique such as Gaussian Mixture Background modeling, which is implemented in most image procesing libraries. You can also use pattern recognition.
However, according to my experience, the best and most robust results can be obtained combining different techniques such image processing filters to increase image contrast or reduce noise, then applying  background subtraction to separate stationary and moving objects, color or edge segmentation to reduce false positives usually detected by these thechniques and a shape analysys (Usually based on conected component descriptors) to separate the objects you are interested in and other objects that may apear in the scene or just to rule out remaining false positives.
  • asked a question related to Object Tracking
Question
4 answers
In the context of target tracking how can one decide whether the received bearing corresponds to a target or clutter?can any one give an example by taking a set of 100 or so measurements and separating(classifying) the target measurements from clutter.
Relevant answer
Answer
Hello. Hugh's answer is correct. You cannot generally on the basis of a single bearing measurement decide if that measurement is from a target or not. Even with SNR you can usually make only a weak hypothesis about measurement origin. This is why you have to track the measurements sequentially in time and apply a track confirmation test. In addition to what Hugh has written, you can look at the SPRT test (see link).
The situation is different if you have an extended target, rather than a single pixel or sensor resolution cell, of course.
  • asked a question related to Object Tracking
Question
9 answers
I have a tracker that outputs the trajectory (x,y,z) of an object  (e.g., a can).
I want to use these trajectories to train a classifier (i.e., SVM) in order to infer the activity that the person manipulating the object is performing (e.g., drinking from a can or pouring from a can )
Which kind of features should I use to quantize these trajectories?
Relevant answer
Answer
Probably it also depends on the sensing interfase you going to use. For instance, you can partitioning a video area into a grid, then using Markov random fields or some spectral method for graphs. I hope this help...
  • asked a question related to Object Tracking
Question
7 answers
Hello forum,
In my project, the object ( only one ) to be tracked is small ( ~30 pixels ) and has very little to no features. It however, has certain properties ( shape of contour, rigidity, etc ) that can be utilized. Its motion however, is completely random.
By performing background subtraction (MOG) (OpenCV function) over multiple frames and by utilizing the properties, I have managed to detect the object of interest on a not-so-noisy background.
I believe the technique is similar to the Greedy Search algorithm where the nodes (object + noise) are detected over multiple frames ( 3 frames in my case ) and the nodes that are connected by the lowest weights ( score utilizing the object properties ) represent the actual object. I have attached a picture showing an example of it.
By running background subtraction continuously, I am able to track the desired object with rather decent accuracy. The program switches to a different algorithm under occlusion with MOG running continuously in the background to re-detect the object in case it is lost.
The problem is, as the project requires multiple cameras, the program lags and hence is no longer real-time.
Should the program switch to a more efficient searching/tracking algorithm after the object is successfully detected and call up the Background Subtraction algorithm only when the object is lost or is it okay to run Background Subtraction 24/7 ? ie. the program could be lagging because I am running it on a laptop.
Secondly, since Background Subtraction (MOG) requires a few frames to initialize + I require the nodes to be established over at least 3 frames, I am worried that calling MOG only when the object is lost may be too late thus reducing my accuracy.
Secondly, is optical flow more efficient than Background Subtraction ?
Hope the experts here can enlighten me.
Regards,
Haziq
PS: I really like my current work so far and would like to improve/optimize it instead of switching to a different technique.
Relevant answer
Answer
Hi Haziq, I tried the MOG in OpenCV some years ago, but I remember pretty terrible accuracy. Even, my background subtraction algorithm was superior compared to OpenCV MOG what was not a big magic. I assume you know some C++, I recommend you to check the bgslibrary: https://github.com/andrewssobral/bgslibrary . Andrew put an incredible amount of background subtraction algorithm in this library together and it is easy to evaluate them for accuracy/speed through the same API.
  • asked a question related to Object Tracking
Question
10 answers
Can anyone help me if the Mean-Shift algorithm is good to track people..
Relevant answer
Answer
If you are working on pedestrian detection and tracking you may consider HOG algorithm,..
  • asked a question related to Object Tracking
Question
6 answers
Seeking new methods of object tracking .
Relevant answer
Answer
Hello Saeed,
We have recently published a new method for object tracking (in this case, people tracking). Our algorithm has been tested in the CAVIAR dataset, where it obtains a remarkable performance and efficiency. Here you can check out our paper and a results video:
I hope that it can help you. Good luck with your research!
  • asked a question related to Object Tracking
Question
2 answers
Actually in my work, I am using well known 'walk, hall monitor, and daria run frame sequences' for optical flow calculation. But I am not able to find ground truth results for these video sequences for performance analysis.
May anybody help me to find ground truth results of these sequences or other video sequences for optical flow?
Relevant answer
Answer
These datasets with optical flow ground truth might help:
Middlebury optical flow data sets at http://vision.middlebury.edu/flow/;
KITTI vision benchmark at http://www.cvlibs.net/datasets/kitti/
Best,
Peter