Code Monkey home page Code Monkey logo

yolo-9000's Introduction

Yolo 9000

CI

YOLO9000: Better, Faster, Stronger - Real-Time Object Detection (State of the art). Official repository of CVPR17.


Scroll down if you want to make your own video.

How to get started?

Ubuntu/Linux/Mac OS

git clone --recursive https://github.com/philipperemy/yolo-9000.git
cd yolo-9000
cat yolo9000-weights/x* > yolo9000-weights/yolo9000.weights # it was generated from split -b 95m yolo9000.weights
cd darknet 
make # Will run on CPU. For GPU support, scroll down!
./darknet detector test cfg/combine9k.data cfg/yolo9000.cfg ../yolo9000-weights/yolo9000.weights data/horses.jpg

Windows

git clone --recursive https://github.com/philipperemy/yolo-9000.git
cd yolo-9000
type yolo9000-weights\xaa yolo9000-weights\xab > yolo9000-weights\yolo9000.weights
certUtil -hashfile yolo9000-weights\yolo9000.weights MD5
cd darknet
git reset --hard b61bcf544e8dbcbd2e978ca6a716fa96b37df767

You can use the latest version of darknet by running this command in the directory yolo-9000:

git submodule foreach git pull origin master

Names of the 9k classes

Available here:

Examples

./darknet detector test cfg/combine9k.data cfg/yolo9000.cfg ../yolo9000-weights/yolo9000.weights data/horses.jpg



./darknet detector test cfg/combine9k.data cfg/yolo9000.cfg ../yolo9000-weights/yolo9000.weights data/person.jpg



The output should be something like:

layer     filters    size              input                output
    0 conv     32  3 x 3 / 1   544 x 544 x   3   ->   544 x 544 x  32
    1 max          2 x 2 / 2   544 x 544 x  32   ->   272 x 272 x  32
    2 conv     64  3 x 3 / 1   272 x 272 x  32   ->   272 x 272 x  64
    3 max          2 x 2 / 2   272 x 272 x  64   ->   136 x 136 x  64
    4 conv    128  3 x 3 / 1   136 x 136 x  64   ->   136 x 136 x 128
    5 conv     64  1 x 1 / 1   136 x 136 x 128   ->   136 x 136 x  64
    6 conv    128  3 x 3 / 1   136 x 136 x  64   ->   136 x 136 x 128
    7 max          2 x 2 / 2   136 x 136 x 128   ->    68 x  68 x 128
    8 conv    256  3 x 3 / 1    68 x  68 x 128   ->    68 x  68 x 256
    9 conv    128  1 x 1 / 1    68 x  68 x 256   ->    68 x  68 x 128
   10 conv    256  3 x 3 / 1    68 x  68 x 128   ->    68 x  68 x 256
   11 max          2 x 2 / 2    68 x  68 x 256   ->    34 x  34 x 256
   12 conv    512  3 x 3 / 1    34 x  34 x 256   ->    34 x  34 x 512
   13 conv    256  1 x 1 / 1    34 x  34 x 512   ->    34 x  34 x 256
   14 conv    512  3 x 3 / 1    34 x  34 x 256   ->    34 x  34 x 512
   15 conv    256  1 x 1 / 1    34 x  34 x 512   ->    34 x  34 x 256
   16 conv    512  3 x 3 / 1    34 x  34 x 256   ->    34 x  34 x 512
   17 max          2 x 2 / 2    34 x  34 x 512   ->    17 x  17 x 512
   18 conv   1024  3 x 3 / 1    17 x  17 x 512   ->    17 x  17 x1024
   19 conv    512  1 x 1 / 1    17 x  17 x1024   ->    17 x  17 x 512
   20 conv   1024  3 x 3 / 1    17 x  17 x 512   ->    17 x  17 x1024
   21 conv    512  1 x 1 / 1    17 x  17 x1024   ->    17 x  17 x 512
   22 conv   1024  3 x 3 / 1    17 x  17 x 512   ->    17 x  17 x1024
   23 conv  28269  1 x 1 / 1    17 x  17 x1024   ->    17 x  17 x28269
   24 detection
Loading weights from ../yolo9000-weights/yolo9000.weights...Done!
data/horses.jpg: Predicted in 7.556429 seconds.
wild horse: 50%
Shetland pony: 84%
Aberdeen Angus: 72%
Not compiled with OpenCV, saving to predictions.png instead

The image with the bounding boxes is in predictions.png.

Browse on https://pjreddie.com/darknet/yolo/ to find how to compile it for GPU as well. It's much faster!

GPU Support

Make sure that your NVIDIA GPU is properly configured beforehand. nvcc should be in the PATH. If not, something like this should do the job:

export PATH=/usr/local/cuda/bin:$PATH
export LD_LIBRARY_PATH=/usr/local/cuda/lib64:$LD_LIBRARY_PATH

Let's now compile darknet with GPU support!

cd darknet
make clean
vim Makefile # Change the first two lines to: GPU=1 and CUDNN=1. You can also use emacs or nano!
make
./darknet detector test cfg/combine9k.data cfg/yolo9000.cfg ../yolo9000-weights/yolo9000.weights data/dog.jpg

The inference should be much faster:

Loading weights from ../yolo9000-weights/yolo9000.weights...Done!
data/dog.jpg: Predicted in 0.035112 seconds.
car: 70%
canine: 56%
bicycle: 57%
Not compiled with OpenCV, saving to predictions.png instead

You can also run the command and monitor its status with nvidia-smi:

+-----------------------------------------------------------------------------+
| NVIDIA-SMI 375.26                 Driver Version: 375.26                    |
|-------------------------------+----------------------+----------------------+
| GPU  Name        Persistence-M| Bus-Id        Disp.A | Volatile Uncorr. ECC |
| Fan  Temp  Perf  Pwr:Usage/Cap|         Memory-Usage | GPU-Util  Compute M. |
|===============================+======================+======================|
|   0  TITAN X (Pascal)    Off  | 0000:02:00.0      On |                  N/A |
| 26%   49C    P2    76W / 250W |   4206MiB / 12189MiB |     10%      Default |
+-------------------------------+----------------------+----------------------+
|   1  TITAN X (Pascal)    Off  | 0000:04:00.0     Off |                  N/A |
| 29%   50C    P8    20W / 250W |      3MiB / 12189MiB |      0%      Default |
+-------------------------------+----------------------+----------------------+
|   2  TITAN X (Pascal)    Off  | 0000:05:00.0     Off |                  N/A |
| 31%   53C    P8    18W / 250W |      3MiB / 12189MiB |      0%      Default |
+-------------------------------+----------------------+----------------------+
|   3  TITAN X (Pascal)    Off  | 0000:06:00.0     Off |                  N/A |
| 29%   50C    P8    22W / 250W |      3MiB / 12189MiB |      0%      Default |
+-------------------------------+----------------------+----------------------+

+-----------------------------------------------------------------------------+
| Processes:                                                       GPU Memory |
|  GPU       PID  Type  Process name                               Usage      |
|=============================================================================|
|    0     30782    C   ./darknet                                     3991MiB |
+-----------------------------------------------------------------------------+

Here, we can see that our process darknet is running on the first GPU.

NOTE: We highly recommend a recent GPU with 8GB (or more) of memory to run flawlessly. GTX 1070, GTX 1080 Ti or Titan X are a great choice!

Make your own video! (Ubuntu/Linux)

First we have to install some dependencies (OpenCV and ffmpeg):

sudo apt-get install libopencv-dev python-opencv ffmpeg
cd darknet
make clean
vim Makefile # Change the first three lines to: GPU=1, CUDNN=1 and OPENCV=1. You can also use emacs or nano!
make
./darknet detector demo cfg/combine9k.data cfg/yolo9000.cfg ../yolo9000-weights/yolo9000.weights  -prefix output <path_to_your_video_mp4> -thresh 0.15

By default the threshold is set to 0.25. It means that Yolo displays the bounding boxes of elements with a 25%+ confidence. In practice, a lower threshold means more detected items (but also more errors).

Once this command returns, we merge the output images in a video:

ffmpeg -framerate 25 -i output_%08d.jpg output.mp4

We can now safely remove the temporary generated images:

rm output_*.jpg

The final video is output.mp4.

Convert the weights to Keras

Comment the following lines in the yolo9000.cfg file:

batch=1
subdivisions=1

Then browse the instructions at:

yolo-9000's People

Contributors

philipperemy 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  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

yolo-9000's Issues

Process finished with exit code 139 (interrupted by signal 11: SIGSEGV)

Your code doesn't work properly

When I call python/darknet.py with Working directory as darknet (which contains the python subdirectory which in turn contains the darknet.py file), the code runs fine. When I do the same but with working directory as the parent directory of darknet or a parent of that, I get the above error. Full error log:

layer     filters    size              input                output
    0 conv     32  3 x 3 / 1   544 x 544 x   3   ->   544 x 544 x  32  0.511 BFLOPs
    1 max          2 x 2 / 2   544 x 544 x  32   ->   272 x 272 x  32
    2 conv     64  3 x 3 / 1   272 x 272 x  32   ->   272 x 272 x  64  2.727 BFLOPs
    3 max          2 x 2 / 2   272 x 272 x  64   ->   136 x 136 x  64
    4 conv    128  3 x 3 / 1   136 x 136 x  64   ->   136 x 136 x 128  2.727 BFLOPs
    5 conv     64  1 x 1 / 1   136 x 136 x 128   ->   136 x 136 x  64  0.303 BFLOPs
    6 conv    128  3 x 3 / 1   136 x 136 x  64   ->   136 x 136 x 128  2.727 BFLOPs
    7 max          2 x 2 / 2   136 x 136 x 128   ->    68 x  68 x 128
    8 conv    256  3 x 3 / 1    68 x  68 x 128   ->    68 x  68 x 256  2.727 BFLOPs
    9 conv    128  1 x 1 / 1    68 x  68 x 256   ->    68 x  68 x 128  0.303 BFLOPs
   10 conv    256  3 x 3 / 1    68 x  68 x 128   ->    68 x  68 x 256  2.727 BFLOPs
   11 max          2 x 2 / 2    68 x  68 x 256   ->    34 x  34 x 256
   12 conv    512  3 x 3 / 1    34 x  34 x 256   ->    34 x  34 x 512  2.727 BFLOPs
   13 conv    256  1 x 1 / 1    34 x  34 x 512   ->    34 x  34 x 256  0.303 BFLOPs
   14 conv    512  3 x 3 / 1    34 x  34 x 256   ->    34 x  34 x 512  2.727 BFLOPs
   15 conv    256  1 x 1 / 1    34 x  34 x 512   ->    34 x  34 x 256  0.303 BFLOPs
   16 conv    512  3 x 3 / 1    34 x  34 x 256   ->    34 x  34 x 512  2.727 BFLOPs
   17 max          2 x 2 / 2    34 x  34 x 512   ->    17 x  17 x 512
   18 conv   1024  3 x 3 / 1    17 x  17 x 512   ->    17 x  17 x1024  2.727 BFLOPs
   19 conv    512  1 x 1 / 1    17 x  17 x1024   ->    17 x  17 x 512  0.303 BFLOPs
   20 conv   1024  3 x 3 / 1    17 x  17 x 512   ->    17 x  17 x1024  2.727 BFLOPs
   21 conv    512  1 x 1 / 1    17 x  17 x1024   ->    17 x  17 x 512  0.303 BFLOPs
   22 conv   1024  3 x 3 / 1    17 x  17 x 512   ->    17 x  17 x1024  2.727 BFLOPs
   23 conv  28269  1 x 1 / 1    17 x  17 x1024   ->    17 x  17 x28269  16.732 BFLOPs
   24 detection
mask_scale: Using default '1.000000'

Process finished with exit code 139 (interrupted by signal 11: SIGSEGV)

Yolo 9000 Dataset ?

I haven't been able to locate any dataset that was used to train the Yolo 9000 dataset.
Please share the details as we are looking to only classify few categories only.

Question: False positive "person" and "bycicle" detection.

A recent article con Technology review showed an image about a False Positve "person" and "bycicle" detection. It came to my attention, as yolo user, since seems to be made with yolo bounding boxes.

bikeedgecasepredictions1

I do not know if yolo9000 has been used there, or which kind of input parameters were used, it could be interesting to trying a different setup for thresh , etc. by the way to see what happens.

Custom dataset for yolo9000

Hi,

I would like to create my own dataset for yolo9k, could you please share the input format for the model?

For example, in general yolo accepts [x, y, x, y, id] as a label. In the same fashion how the input is organized for yolo9k?

Any leads on this would be of great help. Any sample example. Thanks in advance

About 9k classes..

Hi everyone! Lately I have run through yolo detection models (such as yolov1,tiny-yolov1) and I got very impressed from their ability! Because of the fact that I would need more information on the contents of pictures, I tried yolo9k and I have few questions about it:

  1. Is it possible deleting some classes? If I have as input a dog imagine, I would like to see as output just "dog" instead "canine,animal" ect. Already tried raising the threshold , but in this way I can't detect anything in most of the cases.
  2. Is there any other parameter that I have to consider (such as hierarchical threshold)? I still can't catch his meaning deeply.
    Thanks in advance!

make your own video on Mac OS

I'm able to install and run the code and get the output for an image. I tried following the steps in the section "Make your own video! (Ubuntu/Linux)". I'm running the code on a Mac with no GPU support. I have OpenCV already installed (i'm in a conda environment). I changed the line OPENCV=0 to OPENCV=1 in Makefile. I get the following errors:

gcc  -DOPENCV `pkg-config --cflags opencv`  -Wall -Wfatal-errors  -Ofast -DOPENCV -c ./src/gemm.c -o obj/gemm.o
/bin/sh: pkg-config: command not found
gcc  -DOPENCV `pkg-config --cflags opencv`  -Wall -Wfatal-errors  -Ofast -DOPENCV -c ./src/utils.c -o obj/utils.o
/bin/sh: pkg-config: command not found
gcc  -DOPENCV `pkg-config --cflags opencv`  -Wall -Wfatal-errors  -Ofast -DOPENCV -c ./src/cuda.c -o obj/cuda.o
/bin/sh: pkg-config: command not found
gcc  -DOPENCV `pkg-config --cflags opencv`  -Wall -Wfatal-errors  -Ofast -DOPENCV -c ./src/convolutional_layer.c -o obj/convolutional_layer.o
/bin/sh: pkg-config: command not found
gcc  -DOPENCV `pkg-config --cflags opencv`  -Wall -Wfatal-errors  -Ofast -DOPENCV -c ./src/list.c -o obj/list.o
/bin/sh: pkg-config: command not found
gcc  -DOPENCV `pkg-config --cflags opencv`  -Wall -Wfatal-errors  -Ofast -DOPENCV -c ./src/image.c -o obj/image.o
/bin/sh: pkg-config: command not found
./src/image.c:14:10: fatal error: 'opencv2/highgui/highgui_c.h' file not found
#include "opencv2/highgui/highgui_c.h"

Could you please guide me to the correct steps to compile DarkNet with OpenCV support, so I can make my own video on a Mac.

Thanks,

nan issue.

hi Philip,
I follow the formal website https://pjreddie.com/darknet/yolo/ to run yolo9000 to detect text in nature scene, I updated the configurations, however, when I tried to train the model, I got below error, do you have any idea what's the root cause?
Region Avg IOU: -nan, Class: -nan, Obj: -nan, No Obj: 0.000321, Avg Recall: -nan, count: 0
80195: 0.000204, 0.000202 avg, 0.000010 rate, 0.124108 seconds, 80195 images
Loaded: 0.000039 seconds

Yolo 9000 for object detection

Hello Everyone, i am trying to use yolo 9000 for object detection. i read yolo9000.cfg file using darknet. but, i am unable to read the weight files using darkflow.. could any one please help me out..

`
net=cv2.dnn.readNetFromDarknet("(r"C:\Users\Desktop\darknet-master\darknet-master\cfg\yolo9000.cfg")

net1=cv2.dnn.readNetFromDarknet(r"C:\Users\Desktop\darknet-master\darknet-master\yolo9000.weights")`

error Traceback (most recent call last)
in
----> 1 net1=cv2.dnn.readNetFromDarknet(r"C:\Users\Desktop\darknet-master\darknet-master\yolo9000.weights")

error: OpenCV(4.1.2) C:\projects\opencv-python\opencv\modules\dnn\src\darknet\darknet_importer.cpp:207: error: (-212:Parsing error) Failed to parse NetParameter file: C:\Users\Desktop\darknet-master\darknet-master\yolo9000.weights in function 'cv::dnn::dnn4_v20190902::readNetFromDarknet'

Using live webcam

I need to use live Web cam for object detection and extract centered boxed image

when loading image, there is core dump when video reaches its end.

Hi

I run this script:

./darknet detector demo cfg/combine9k.data cfg/yolo9000.cfg ../yolo9000-weights/yolo9000.weights -prefix IL /data/videos/ILSVRC2015_train_00755001.mp4 -thresh 0.15

It is found that it will have core dump when video ends.

(gdb) bt
#0 0x00007f9d00875478 in malloc_consolidate (av=av@entry=0x7f9d00bbbb20 <main_arena>) at malloc.c:4175
#1 0x00007f9d00878cde in _int_malloc (av=av@entry=0x7f9d00bbbb20 <main_arena>, bytes=bytes@entry=2764824) at malloc.c:3450
#2 0x00007f9d0087b184 in __GI___libc_malloc (bytes=2764824) at malloc.c:2913
#3 0x00007f9cfb5894c0 in ?? () from /usr/lib/nvidia-396/tls/libnvidia-tls.so.396.26
#4 0x00007f9d1d28e43e in cv::fastMalloc(unsigned long) () from /usr/lib/x86_64-linux-gnu/libopencv_core.so.2.4
#5 0x00007f9d1d209c8d in cvCreateData () from /usr/lib/x86_64-linux-gnu/libopencv_core.so.2.4
#6 0x00007f9d1d217041 in cvCreateImage () from /usr/lib/x86_64-linux-gnu/libopencv_core.so.2.4
#7 0x0000000000420f4c in save_image_jpg (p=..., name=0x7fff3efcea10 "IL_00000030") at ./src/image.c:520
#8 0x00000000004212bf in save_image (im=..., name=0x7fff3efcea10 "IL_00000030") at ./src/image.c:558
#9 0x0000000000470222 in demo (cfgfile=0x7fff3efcf11f "cfg/yolo9000.cfg", weightfile=0x7fff3efcf130 "../yolo9000-weights/yolo9000.weights", thresh=0.150000006, cam_index=0,
filename=0x7fff3efcf160 "/data/videos/ILSVRC2015_train_00755001.mp4", names=0x260c190, classes=9418, frame_skip=0, prefix=0x7fff3efcf15d "IL", hier_thresh=0.5)
at ./src/demo.c:183
#10 0x000000000045565e in run_detector (argc=11, argv=0x7fff3efced18) at ./src/detector.c:550
#11 0x000000000043d600 in main (argc=11, argv=0x7fff3efced18) at ./src/darknet.c:384

Any ideas?
Frank

remove object label

What if i want to remove some objects from the 9000 labels ?how do i do it? I tried editing the label txt file but it gives segmentation error.

FPS is slow

My command is:
./darknet detector demo cfg/combine9k.data cfg/yolo9000.cfg ../yolo9000-weights/yolo9000.weights
but the FPS is very slow: FPS:1.6
It run on GTX 1080 and the CPU is 3.2GHz.
How to reflect better, faster and stronger?

Elliminate classes in output !

Hey guys,
I'm working on a person couting project and desnity estimation in crowd.
I'd like to elliminate all the classes in the output and only leave the "person" class.
Also i'd like to count the number of persons returned.

Any help ?
Thanks !! :)

What version of cuda does this work on?

I get the following error with cuda 11.2:

gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN  -Wall -Wno-unused-result -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/convolutional_layer.c -o obj/convolutional_layer.o
./src/convolutional_layer.c: In function ‘cudnn_convolutional_setup’:
./src/convolutional_layer.c:148:5: warning: implicit declaration of function ‘cudnnGetConvolutionForwardAlgorithm’; did you mean ‘cudnnGetConvolutionForwardAlgorithm_v7’? [-Wimplicit-function-declaration]
     cudnnGetConvolutionForwardAlgorithm(cudnn_handle(),
     ^~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
     cudnnGetConvolutionForwardAlgorithm_v7
./src/convolutional_layer.c:153:13: error: ‘CUDNN_CONVOLUTION_FWD_SPECIFY_WORKSPACE_LIMIT’ undeclared (first use in this function); did you mean ‘CUDNN_CONVOLUTION_FWD_ALGO_DIRECT’?
             CUDNN_CONVOLUTION_FWD_SPECIFY_WORKSPACE_LIMIT,
             ^~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
             CUDNN_CONVOLUTION_FWD_ALGO_DIRECT
compilation terminated due to -Wfatal-errors.
make: *** [Makefile:89: obj/convolutional_layer.o] Error 1

assertion error (?) when loading yolo9000 with cv2.dnn.readNetFromDarknet

Hello, this is what I get:

model = cv2.dnn.readNetFromDarknet(path_to_model_config, path_to_model_weights)
cv2.error: OpenCV(4.5.1) C:\Users\appveyor\AppData\Local\Temp\1\pip-req-build-i1s8y2i1\opencv\modules\dnn\src\darknet\darknet_io.cpp:632: error: (-215:Assertion failed) separator_index < line.size() in function 'cv::dnn::darknet::ReadDarknetFromCfgStream'

weights file was created as per instructions here:
https://github.com/philipperemy/yolo-9000#windows

cfg file was from here:
https://github.com/pjreddie/darknet/blob/1e729804f61c8627eb257fba8b83f74e04945db7/cfg/yolo9000.cfg

any ideas? I am a bit puzzled by this...

GPU configuration

I have checked my NVIDIA GPU configuration and the output is bellow:

hci2@digits-box:/yolo-9000/darknet$ echo $PATH
/usr/local/cuda-8.0/bin:/usr/local/sbin:/usr/local/bin:/usr/sbin:/usr/bin:/sbin:/bin:/usr/games:/usr/local/games:/usr/local/cuda-8.0/bin
hci2@digits-box:/yolo-9000/darknet$ echo $LD_LIBRARY_PATH
/usr/local/cuda-8.0/lib64

When I try to run
./darknet detector test cfg/combine9k.data cfg/yolo9000.cfg ../yolo9000-weights/yolo9000.weights data/dog.jpg

I got this output:
./darknet: error while loading shared libraries: libcudart.so.7.5: cannot open shared object file: No such file or directory

Can I extract features of each detected ROI from yolo?

Hi:
I have been playing with yolo9000 and compare it with other object proposals such as selective search. The way I did in the previous projects was to get regions from the object proposal and feed the ROI images to AlexNet to get 4kb features per image ROI. Yolo basically calculate object regions and scores at one shot, and performs faster per image. I have not read the paper on detailed implementation yet, but would like to ask the questions first if quick answers can be found:

  1. For each region and score, can I obtain the associated feature? Is there any available API to call or do I need to modify the code to make it happen?

  2. I want to train new classes in addition to the available classes. My thought is to fix all the levels of weight except the last fully connected layer and fine tune only that layer in a hope that other levels of weights have been trained well enough. The reason to do that is I only need to train the new (relatively small) dataset and converge quickly. Unlike others I do not want to throw away trained classes, but add new classes to the available network. Would this approach work as a general case? Do I have to train full dataset (including yolo 9000 classes) at some time?

Thanks a bunch,

David

OSError: libcudart.so.10.0: cannot open shared object file: No such file or directory

Your code doesn't work. I try to run darknet.py in darknet/python/ and I get the following error:

File "/home/muhammadmehdi/PycharmProjects/memex/darknet.py", line 52, in <module>
    lib = CDLL("yolo-9000/darknet/libdarknet.so", RTLD_GLOBAL)
  File "/usr/lib/python3.8/ctypes/__init__.py", line 373, in __init__
    self._handle = _dlopen(self._name, mode)
OSError: libcudart.so.10.0: cannot open shared object file: No such file or directory

Process finished with exit code 1

If I execute the following, your code works:

./darknet detector test cfg/combine9k.data cfg/yolo9000.cfg ../yolo9000-weights/yolo9000.weights data/dog.jpg

I ran make with cuda-10.0 and it was successful plus the darknet detector test was also successful. So, I know I installed everything correctly. However, the python code in darknet.py doesn't run. I tried changing the symbolic link of my cuda to cuda 10.0 (before it was 11.2) and I verified the change by running nvcc -V. However, your code still doesn't work

How to get mask?

Hi everyone, does anyone know how to get the mask from detected objects? many thanks

Face/head detection?

I was wondering, do you know if the pre-trained models for yolo9000 support face and/or head detection? For an object detection framework that can detect 9000+ items, I would think that heads and faces would be two of them considering that's fairly basic - but in my testing I don't seem to be able to get yolo9000 to detect faces (it just detects the whole person).

The 9k.names file here: https://github.com/pjreddie/darknet/blob/master/data/9k.names does have labels for both face and head - but I've never had any of those objects detected. Any ideas?

Prediction results on CPU and GPU are different on the same image

system:ubuntu 16.04
Cuda-10,cudnn-7
When I compile on gpu, executed
./darknet detector test cfg/combine9k.data cfg/yolo9000.cfg ../yolo9000-weights/yolo9000.weights data/horses.jpg
the result is as below:
mask_scale: Using default '1.000000'
Loading weights from ../yolo9000-weights/yolo9000.weights...Done!
data/horses.jpg: Predicted in 0.057828 seconds.
horse: 50%
horse: 84%
even-toed ungulate: 72%

While when I compile on CPU, executed
./darknet detector test cfg/combine9k.data cfg/yolo9000.cfg ../yolo9000-weights/yolo9000.weights data/horses.jpg
the result is as below:
mask_scale: Using default '1.000000'
Loading weights from ../yolo9000-weights/yolo9000.weights...Done!
data/horses.jpg: Predicted in 11.524895 seconds.
wild horse: 50%
Shetland pony: 84%
Aberdeen Angus: 72%

I don't know what is the resaon?

List of 9000 classes?

Hi Philippe
Do you have a list of the 9000 objects/classes that this version of Yolo recognises?

Thanks

How to train yolo9000?

Using the pre trained yolo9000 model with Python I notice that is much less accurate than yolov2, and I guess it's normal because it has to detect more classes. Right now I am looking for detecting landscapes (as sea shore, lake shore, mountains, deserts and things like these), so I was wondering if you could give me some guidelines to train the weights since I have no background in this. Beside the code I would like to know a good sample size for each class and the if it takes a long time with a fairly good machine. Thank you a lot !

memory requirements

Are memory requirements for running detection on yolo-9000 higher than yolov2 on coco? If so, can someone provide an estimate for memory req.?

Script for windows without make

git clone --recursive https://github.com/philipperemy/yolo-9000.git
cd yolo-9000
type yolo9000-weights\xaa yolo9000-weights\xab > yolo9000-weights\yolo9000.weights
certUtil -hashfile yolo9000-weights\yolo9000.weights MD5
cd darknet
git reset --hard b61bcf544e8dbcbd2e978ca6a716fa96b37df767

Why last layer have dimension 28269?

I want to fine-tune my own image-label based on yolo9000 weights. Unlike yolo weights, I can compute last layer filter = (n+1)*5 for n labels.

But 28269 filters gives 9418 features, not something like (9418+1)3. I only find 28269 = 94183 + 15.

For the YOLO9000 paper, it just showed darknet-19, it's not end with 28269 filters(but 771000).

Cant convert 9k weights to h5

these are the errors
Using TensorFlow backend.
Loading weights.
Weights Header: [ 0 1 0 15501312]
Parsing Darknet config.
Traceback (most recent call last):
File "yad2k.py", line 270, in
_main(parser.parse_args())
File "yad2k.py", line 91, in _main
cfg_parser.read_file(unique_config_file)
File "C:\Users\user\AppData\Local\Programs\Python\Python36\lib\configparser.py", line 718, in read_file
self._read(f, source)
File "C:\Users\user\AppData\Local\Programs\Python\Python36\lib\configparser.py", line 1092, in _read
fpname, lineno)
configparser.DuplicateOptionError: While reading from '<???>' [line 8]: option 'batch' in section 'net_0' already exists
still cant understand why

Not able to detect the object for some images

When I am trying to run the below command it is not returning the value for some images.I have provided the image link in the end. @philipperemy
./darknet detector test cfg/combine9k.data cfg/yolo9000.cfg ../yolo9000-weights/yolo9000.weights /home/arc/darknet/my.jpg

layer filters size input output
0 conv 32 3 x 3 / 1 544 x 544 x 3 -> 544 x 544 x 32 0.511 BFLOPs
1 max 2 x 2 / 2 544 x 544 x 32 -> 272 x 272 x 32
2 conv 64 3 x 3 / 1 272 x 272 x 32 -> 272 x 272 x 64 2.727 BFLOPs
3 max 2 x 2 / 2 272 x 272 x 64 -> 136 x 136 x 64
4 conv 128 3 x 3 / 1 136 x 136 x 64 -> 136 x 136 x 128 2.727 BFLOPs
5 conv 64 1 x 1 / 1 136 x 136 x 128 -> 136 x 136 x 64 0.303 BFLOPs
6 conv 128 3 x 3 / 1 136 x 136 x 64 -> 136 x 136 x 128 2.727 BFLOPs
7 max 2 x 2 / 2 136 x 136 x 128 -> 68 x 68 x 128
8 conv 256 3 x 3 / 1 68 x 68 x 128 -> 68 x 68 x 256 2.727 BFLOPs
9 conv 128 1 x 1 / 1 68 x 68 x 256 -> 68 x 68 x 128 0.303 BFLOPs
10 conv 256 3 x 3 / 1 68 x 68 x 128 -> 68 x 68 x 256 2.727 BFLOPs
11 max 2 x 2 / 2 68 x 68 x 256 -> 34 x 34 x 256
12 conv 512 3 x 3 / 1 34 x 34 x 256 -> 34 x 34 x 512 2.727 BFLOPs
13 conv 256 1 x 1 / 1 34 x 34 x 512 -> 34 x 34 x 256 0.303 BFLOPs
14 conv 512 3 x 3 / 1 34 x 34 x 256 -> 34 x 34 x 512 2.727 BFLOPs
15 conv 256 1 x 1 / 1 34 x 34 x 512 -> 34 x 34 x 256 0.303 BFLOPs
16 conv 512 3 x 3 / 1 34 x 34 x 256 -> 34 x 34 x 512 2.727 BFLOPs
17 max 2 x 2 / 2 34 x 34 x 512 -> 17 x 17 x 512
18 conv 1024 3 x 3 / 1 17 x 17 x 512 -> 17 x 17 x1024 2.727 BFLOPs
19 conv 512 1 x 1 / 1 17 x 17 x1024 -> 17 x 17 x 512 0.303 BFLOPs
20 conv 1024 3 x 3 / 1 17 x 17 x 512 -> 17 x 17 x1024 2.727 BFLOPs
21 conv 512 1 x 1 / 1 17 x 17 x1024 -> 17 x 17 x 512 0.303 BFLOPs
22 conv 1024 3 x 3 / 1 17 x 17 x 512 -> 17 x 17 x1024 2.727 BFLOPs
23 conv 28269 1 x 1 / 1 17 x 17 x1024 -> 17 x 17 x28269 16.732 BFLOPs
24 detection
mask_scale: Using default '1.000000'
Loading weights from ../yolo9000-weights/yolo9000.weights...Done!
/home/arc/darknet/my.jpg: Predicted in 9.645303 [seconds.]

Image URL

How to parse the 9k.tree file to create a graph?

Hello. I want to parse the tree to find common ancestors of the detections (sedan and van are both cars, so I want to assign the car label and not the labels referring to the car types) up to a certain ancestor (since the physical object label is the progenitor class for every other class label).

I opened the 9k.tree file and tried to understand how to create a graph, but I couldn't understand the numbers in the right column. Can you help me understand how this file works?

yolo9000 train and test

Paper yolo9000 is very nice with many points. One of points is task to classify many classes and solution with composite softmax.
How can I repeat this experiment? and try my own solutions on this task (9000 classes)?
Do you have plan to create this benchmark as open?

FPS very poor

Hi,
I'm on a 1080Ti and only get between 2.5 and 3fps. Here you asked for the results of watch -n0.01 nvidia-dmi. There you go. The Volatile GPU jumps between 0% and 25%, regardless if I measure once every 0,1s or every 3s.

How to predict via converted yolo9000 model

Follow the instruction, I can already

  1. convert the yolo2 weight (for detecting 80 classes) to keras weight, load the yolo2 model in keras and do correct prediction.
  2. convert the yolo9000 weight (for detecting 9418 classes) to keras weight, load the yolo9000 model in keras but I don't how to predict via this model

For yolo2 model, we know that after run

yolo2_model = load_model(MODEL_PATH.h5)
prediction  = yolo2_model.predict(IMAGE_DATA)

prediction is an (?,?,?,3,num_anchors * (num_classes + 5)) tensor

so if num_anchors=1, num_class=80

we know the prediction's last channel is (box_x,box_y,box_w,box_h,box_confidence, <box_class_probs> )

For yolo2 (80 classes), we know <box_class_probs> is just the probabilities.

But for yolo9000, we know it is an Hierarchical Classificaiton. This is mean the output probabilities here is conditional probabilities.

P(Norfolk)=P(Norfolk|terrier)P(terrier|hunting dog)...P(animal|root)

This is why we need a tree here.

I do know the last value mean in <box_class_probs> of yolo2_model : the absolutly probabilities for each catalogy

I don't know what the last value mean in <box_class_probs> of yolo9000_model, is it conditional probabilities?

Does anyone know the network output meaning for yolo9000?

About the names

I run the "./darknet detector test cfg/combine9k.data cfg/yolo9000.cfg ../yolo9000-weights/yolo9000.weights data/person.jpg" command. I can get the detection,but the names is not the same with the README.
for example, i get worker instead of 'goat herder' , horse instead of shetland pony hunting dog instead of Gorden setter. Is this project updated or something is not right ?

Memory Corruption Error

Any Idea what the fix is for this error? It shows up when I try to use a webcam. It also happens to some videos I try, but weirdly enough not every video has this issue.
GPU-P5000
CPU-Intel Core i7-7920HQ
Ubuntu: 16.04.02
CUDA: 8.0.61_375.26
Display Driver: 384.59(But also happened with 375.26 driver)
CUDNN-V6 for CUDA 8
OPENCV: 3.3

Make File Settings:
GPU=1
CUDNN=1
OPENCV=1
Nothing else was changed
Ive also tried with just OPENCV=1 and the rest set to 0 and I still get the error.
Setting Debug=1 causes another error that I pasted at the bottom, but that seems to do with opencv(I might need top downgrade to OPENCV 2. Maybe this is the cause of the original error?).

-Thanks

Entire Output:
$ ./darknet detector demo cfg/combine9k.data cfg/yolo9000.cfg ../yolo9000-weights/yolo9000.weights
Demo
layer filters size input output
0 conv 32 3 x 3 / 1 544 x 544 x 3 -> 544 x 544 x 32
1 max 2 x 2 / 2 544 x 544 x 32 -> 272 x 272 x 32
2 conv 64 3 x 3 / 1 272 x 272 x 32 -> 272 x 272 x 64
3 max 2 x 2 / 2 272 x 272 x 64 -> 136 x 136 x 64
4 conv 128 3 x 3 / 1 136 x 136 x 64 -> 136 x 136 x 128
5 conv 64 1 x 1 / 1 136 x 136 x 128 -> 136 x 136 x 64
6 conv 128 3 x 3 / 1 136 x 136 x 64 -> 136 x 136 x 128
7 max 2 x 2 / 2 136 x 136 x 128 -> 68 x 68 x 128
8 conv 256 3 x 3 / 1 68 x 68 x 128 -> 68 x 68 x 256
9 conv 128 1 x 1 / 1 68 x 68 x 256 -> 68 x 68 x 128
10 conv 256 3 x 3 / 1 68 x 68 x 128 -> 68 x 68 x 256
11 max 2 x 2 / 2 68 x 68 x 256 -> 34 x 34 x 256
12 conv 512 3 x 3 / 1 34 x 34 x 256 -> 34 x 34 x 512
13 conv 256 1 x 1 / 1 34 x 34 x 512 -> 34 x 34 x 256
14 conv 512 3 x 3 / 1 34 x 34 x 256 -> 34 x 34 x 512
15 conv 256 1 x 1 / 1 34 x 34 x 512 -> 34 x 34 x 256
16 conv 512 3 x 3 / 1 34 x 34 x 256 -> 34 x 34 x 512
17 max 2 x 2 / 2 34 x 34 x 512 -> 17 x 17 x 512
18 conv 1024 3 x 3 / 1 17 x 17 x 512 -> 17 x 17 x1024
19 conv 512 1 x 1 / 1 17 x 17 x1024 -> 17 x 17 x 512
20 conv 1024 3 x 3 / 1 17 x 17 x 512 -> 17 x 17 x1024
21 conv 512 1 x 1 / 1 17 x 17 x1024 -> 17 x 17 x 512
22 conv 1024 3 x 3 / 1 17 x 17 x 512 -> 17 x 17 x1024
23 conv 28269 1 x 1 / 1 17 x 17 x1024 -> 17 x 17 x28269
24 detection
Loading weights from ../yolo9000-weights/yolo9000.weights...Done!
*** Error in `./darknet': malloc(): memory corruption: 0x0000000005440b60 ***
======= Backtrace: =========
/lib/x86_64-linux-gnu/libc.so.6(+0x777e5)[0x7efd0c92f7e5]
/lib/x86_64-linux-gnu/libc.so.6(+0x8213e)[0x7efd0c93a13e]
/lib/x86_64-linux-gnu/libc.so.6(__libc_calloc+0xba)[0x7efd0c93cdca]
./darknet[0x4524d4]
./darknet[0x46c4d3]
./darknet[0x46ca54]
./darknet[0x45c584]
./darknet[0x402621]
/lib/x86_64-linux-gnu/libc.so.6(__libc_start_main+0xf0)[0x7efd0c8d8830]
./darknet[0x402b39]
======= Memory map: ========
00400000-00494000 r-xp 00000000 00:2d 21897200 /home/dev/yolo-9000/darknet/darknet
00693000-00694000 r--p 00093000 00:2d 21897200 /home/dev/yolo-9000/darknet/darknet
00694000-00695000 rw-p 00094000 00:2d 21897200 /home/dev/yolo-9000/darknet/darknet
00695000-00696000 rw-p 00000000 00:00 0
01001000-0a2fb000 rw-p 00000000 00:00 0 [heap]
7efb9c000000-7efb9c021000 rw-p 00000000 00:00 0
7efb9c021000-7efba0000000 ---p 00000000 00:00 0
7efba3fc5000-7efba5192000 rw-p 00000000 00:00 0
7efba76a8000-7efbaf354000 rw-p 00000000 00:00 0
7efbaf354000-7efbaf749000 rw-s 00bdf000 00:06 60275 /dev/video0
7efbaf749000-7efbafb3e000 rw-s 007ea000 00:06 60275 /dev/video0
7efbafb3e000-7efbaff33000 rw-s 003f5000 00:06 60275 /dev/video0
7efbaff33000-7efbb0328000 rw-s 00000000 00:06 60275 /dev/video0
7efbb0328000-7efcf1ed5000 rw-p 00000000 00:00 0
7efcf1ed5000-7efcf1ed6000 ---p 00000000 00:00 0
7efcf1ed6000-7efcf26d6000 rwxp 00000000 00:00 0
7efcf26d6000-7efcf26d9000 r-xp 00000000 08:11 3150292 /lib/x86_64-linux-gnu/libkeyutils.so.1.5
7efcf26d9000-7efcf28d8000 ---p 00003000 08:11 3150292 /lib/x86_64-linux-gnu/libkeyutils.so.1.5
7efcf28d8000-7efcf28d9000 r--p 00002000 08:11 3150292 /lib/x86_64-linux-gnu/libkeyutils.so.1.5
7efcf28d9000-7efcf28da000 rw-p 00003000 08:11 3150292 /lib/x86_64-linux-gnu/libkeyutils.so.1.5
7efcf28da000-7efcf28e4000 r-xp 00000000 08:11 14819754 /usr/lib/x86_64-linux-gnu/libkrb5support.so.0.1
7efcf28e4000-7efcf2ae3000 ---p 0000a000 08:11 14819754 /usr/lib/x86_64-linux-gnu/libkrb5support.so.0.1
7efcf2ae3000-7efcf2ae4000 r--p 00009000 08:11 14819754 /usr/lib/x86_64-linux-gnu/libkrb5support.so.0.1
7efcf2ae4000-7efcf2ae5000 rw-p 0000a000 08:11 14819754 /usr/lib/x86_64-linux-gnu/libkrb5support.so.0.1
7efcf2ae5000-7efcf2ae8000 r-xp 00000000 08:11 3150240 /lib/x86_64-linux-gnu/libcom_err.so.2.1
7efcf2ae8000-7efcf2ce7000 ---p 00003000 08:11 3150240 /lib/x86_64-linux-gnu/libcom_err.so.2.1
7efcf2ce7000-7efcf2ce8000 r--p 00002000 08:11 3150240 /lib/x86_64-linux-gnu/libcom_err.so.2.1
7efcf2ce8000-7efcf2ce9000 rw-p 00003000 08:11 3150240 /lib/x86_64-linux-gnu/libcom_err.so.2.1
7efcf2ce9000-7efcf2d15000 r-xp 00000000 08:11 14819746 /usr/lib/x86_64-linux-gnu/libk5crypto.so.3.1
7efcf2d15000-7efcf2f14000 ---p 0002c000 08:11 14819746 /usr/lib/x86_64-linux-gnu/libk5crypto.so.3.1
7efcf2f14000-7efcf2f16000 r--p 0002b000 08:11 14819746 /usr/lib/x86_64-linux-gnu/libk5crypto.so.3.1
7efcf2f16000-7efcf2f17000 rw-p 0002d000 08:11 14819746 /usr/lib/x86_64-linux-gnu/libk5crypto.so.3.1
7efcf2f17000-7efcf2f18000 rw-p 00000000 00:00 0
7efcf2f18000-7efcf2fdb000 r-xp 00000000 08:11 14819752 /usr/lib/x86_64-linux-gnu/libkrb5.so.3.3
7efcf2fdb000-7efcf31db000 ---p 000c3000 08:11 14819752 /usr/lib/x86_64-linux-gnu/libkrb5.so.3.3
7efcf31db000-7efcf31e8000 r--p 000c3000 08:11 14819752 /usr/lib/x86_64-linux-gnu/libkrb5.so.3.3
7efcf31e8000-7efcf31ea000 rw-p 000d0000 08:11 14819752 /usr/lib/x86_64-linux-gnu/libkrb5.so.3.3
7efcf31ea000-7efcf31fc000 r-xp 00000000 08:11 3150275 /lib/x86_64-linux-gnu/libgpg-error.so.0.17.0
7efcf31fc000-7efcf33fc000 ---p 00012000 08:11 3150275 /lib/x86_64-linux-gnu/libgpg-error.so.0.17.0
7efcf33fc000-7efcf33fd000 r--p 00012000 08:11 3150275 /lib/x86_64-linux-gnu/libgpg-error.so.0.17.0
7efcf33fd000-7efcf33fe000 rw-p 00013000 08:11 3150275 /lib/x86_64-linux-gnu/libgpg-error.so.0.17.0
7efcf33fe000-7efcf341f000 r-xp 00000000 08:11 14819539 /usr/lib/x86_64-linux-gnu/libgomp.so.1.0.0
7efcf341f000-7efcf361e000 ---p 00021000 08:11 14819539 /usr/lib/x86_64-linux-gnu/libgomp.so.1.0.0
7efcf361e000-7efcf361f000 r--p 00020000 08:11 14819539 /usr/lib/x86_64-linux-gnu/libgomp.so.1.0.0
7efcf361f000-7efcf3620000 rw-p 00021000 08:11 14819539 /usr/lib/x86_64-linux-gnu/libgomp.so.1.0.0
7efcf3620000-7efcf4ed6000 r-xp 00000000 08:11 14821183 /usr/lib/x86_64-linux-gnu/libicudata.so.55.1
7efcf4ed6000-7efcf50d5000 ---p 018b6000 08:11 14821183 /usr/lib/x86_64-linux-gnu/libicudata.so.55.1
7efcf50d5000-7efcf50d6000 r--p 018b5000 08:11 14821183 /usr/lib/x86_64-linux-gnu/libicudata.so.55.1
7efcf50d6000-7efcf50d7000 rw-p 018b6000 08:11 14821183 /usr/lib/x86_64-linux-gnu/libicudata.so.55.1
7efcf50d7000-7efcf50dd000 r-xp 00000000 08:11 14819251 /usr/lib/x86_64-linux-gnu/libdatrie.so.1.3.3
7efcf50dd000-7efcf52dd000 ---p 00006000 08:11 14819251 /usr/lib/x86_64-linux-gnu/libdatrie.so.1.3.3
7efcf52dd000-7efcf52de000 r--p 00006000 08:11 14819251 /usr/lib/x86_64-linux-gnu/libdatrie.so.1.3.3
7efcf52de000-7efcf52df000 rw-p 00007000 08:11 14819251 /usr/lib/x86_64-linux-gnu/libdatrie.so.1.3.3
7efcf52df000-7efcf5302000 r-xp 00000000 08:11 14819555 /usr/lib/x86_64-linux-gnu/libgraphite2.so.3.0.1
7efcf5302000-7efcf5501000 ---p 00023000 08:11 14819555 /usr/lib/x86_64-linux-gnu/libgraphite2.so.3.0.1
7efcf5501000-7efcf5503000 r--p 00022000 08:11 14819555 /usr/lib/x86_64-linux-gnu/libgraphite2.so.3.0.1
7efcf5503000-7efcf5504000 rw-p 00024000 08:11 14819555 /usr/lib/x86_64-linux-gnu/libgraphite2.so.3.0.1
7efcf5504000-7efcf5515000 r-xp 00000000 08:11 14820164 /usr/lib/x86_64-linux-gnu/libtasn1.so.6.5.1
7efcf5515000-7efcf5715000 ---p 00011000 08:11 14820164 /usr/lib/x86_64-linux-gnu/libtasn1.so.6.5.1
7efcf5715000-7efcf5716000 r--p 00011000 08:11 14820164 /usr/lib/x86_64-linux-gnu/libtasn1.so.6.5.1
7efcf5716000-7efcf5717000 rw-p 00012000 08:11 14820164 /usr/lib/x86_64-linux-gnu/libtasn1.so.6.5.1
7efcf5717000-7efcf5748000 r-xp 00000000 08:11 14819700 /usr/lib/x86_64-linux-gnu/libidn.so.11.6.15
7efcf5748000-7efcf5948000 ---p 00031000 08:11 14819700 /usr/lib/x86_64-linux-gnu/libidn.so.11.6.15
7efcf5948000-7efcf5949000 r--p 00031000 08:11 14819700 /usr/lib/x86_64-linux-gnu/libidn.so.11.6.15
7efcf5949000-7efcf594a000 rw-p 00032000 08:11 14819700 /usr/lib/x86_64-linux-gnu/libidn.so.11.6.15
7efcf594a000-7efcf59a3000 r-xp 00000000 08:11 14819935 /usr/lib/x86_64-linux-gnu/libp11-kit.so.0.1.0
7efcf59a3000-7efcf5ba2000 ---p 00059000 08:11 14819935 /usr/lib/x86_64-linux-gnu/libp11-kit.so.0.1.0
7efcf5ba2000-7efcf5bac000 r--p 00058000 08:11 14819935 /usr/lib/x86_64-linux-gnu/libp11-kit.so.0.1.0
7efcf5bac000-7efcf5bae000 rw-p 00062000 08:11 14819935 /usr/lib/x86_64-linux-gnu/libp11-kit.so.0.1.0
7efcf5bae000-7efcf5c2d000 r-xp 00000000 08:11 14819513 /usr/lib/x86_64-linux-gnu/libgmp.so.10.3.0
7efcf5c2d000-7efcf5e2c000 ---p 0007f000 08:11 14819513 /usr/lib/x86_64-linux-gnu/libgmp.so.10.3.0
7efcf5e2c000-7efcf5e2d000 r--p 0007e000 08:11 14819513 /usr/lib/x86_64-linux-gnu/libgmp.so.10.3.0
7efcf5e2d000-7efcf5e2e000 rw-p 0007f000 08:11 14819513 /usr/lib/x86_64-linux-gnu/libgmp.so.10.3.0
7efcf5e2e000-7efcf5e62000 r-xp 00000000 08:11 14819872 /usr/lib/x86_64-linux-gnu/libnettle.so.6.2
7efcf5e62000-7efcf6061000 ---p 00034000 08:11 14819872 /usr/lib/x86_64-linux-gnu/libnettle.so.6.2
7efcf6061000-7efcf6063000 r--p 00033000 08:11 14819872 /usr/lib/x86_64-linux-gnu/libnettle.so.6.2
7efcf6063000-7efcf6064000 rw-p 00035000 08:11 14819872 /usr/lib/x86_64-linux-gnu/libnettle.so.6.2
7efcf6064000-7efcf6096000 r-xp 00000000 08:11 14819651 /usr/lib/x86_64-linux-gnu/libhogweed.so.4.2
7efcf6096000-7efcf6295000 ---p 00032000 08:11 14819651 /usr/lib/x86_64-linux-gnu/libhogweed.so.4.2
7efcf6295000-7efcf6296000 r--p 00031000 08:11 14819651 /usr/lib/x86_64-linux-gnu/libhogweed.so.4.2
7efcf6296000-7efcf6297000 rw-p 00032000 08:11 14819651 /usr/lib/x86_64-linux-gnu/libhogweed.so.4.2
7efcf6297000-7efcf62de000 r-xp 00000000 08:11 14819570 /usr/lib/x86_64-linux-gnu/libgssapi_krb5.so.2.2
7efcf62de000-7efcf64dd000 ---p 00047000 08:11 14819570 /usr/lib/x86_64-linux-gnu/libgssapi_krb5.so.2.2
7efcf64dd000-7efcf64df000 r--p 00046000 08:11 14819570 /usr/lib/x86_64-linux-gnu/libgssapi_krb5.so.2.2
7efcf64df000-7efcf64e1000 rw-p 00048000 08:11 14819570 /usr/lib/x86_64-linux-gnu/libgssapi_krb5.so.2.2
7efcf64e1000-7efcf65b9000 r-xp 00000000 08:11 3150271 /lib/x86_64-linux-gnu/libgcrypt.so.20.0.5
7efcf65b9000-7efcf67b8000 ---p 000d8000 08:11 3150271 /lib/x86_64-linux-gnu/libgcrypt.so.20.0.5
7efcf67b8000-7efcf67b9000 r--p 000d7000 08:11 3150271 /lib/x86_64-linux-gnu/libgcrypt.so.20.0.5
7efcf67b9000-7efcf67c1000 rw-p 000d8000 08:11 3150271 /lib/x86_64-linux-gnu/libgcrypt.so.20.0.5
7efcf67c1000-7efcf67c2000 rw-p 00000000 00:00 0
7efcf67c2000-7efcf67c9000 r-xp 00000000 08:11 14819919 /usr/lib/x86_64-linux-gnu/libogg.so.0.8.2
7efcf67c9000-7efcf69c9000 ---p 00007000 08:11 14819919 /usr/lib/x86_64-linux-gnu/libogg.so.0.8.2
7efcf69c9000-7efcf69ca000 r--p 00007000 08:11 14819919 /usr/lib/x86_64-linux-gnu/libogg.so.0.8.2
7efcf69ca000-7efcf69cb000 rw-p 00008000 08:11 14819919 /usr/lib/x86_64-linux-gnu/libogg.so.0.8.2
7efcf69cb000-7efcf69d5000 r-xp 00000000 08:11 14819907 /usr/lib/x86_64-linux-gnu/libnuma.so.1.0.0
7efcf69d5000-7efcf6bd4000 ---p 0000a000 08:11 14819907 /usr/lib/x86_64-linux-gnu/libnuma.so.1.0.0
7efcf6bd4000-7efcf6bd5000 r--p 00009000 08:11 14819907 /usr/lib/x86_64-linux-gnu/libnuma.so.1.0.0
7efcf6bd5000-7efcf6bd6000 rw-p 0000a000 08:11 14819907 /usr/lib/x86_64-linux-gnu/libnuma.so.1.0.0
7efcf6bd6000-7efcf6c04000 r-xp 00000000 08:11 14814672 /usr/lib/x86_64-linux-gnu/libsoxr.so.0.1.1
7efcf6c04000-7efcf6e03000 ---p 0002e000 08:11 14814672 /usr/lib/x86_64-linux-gnu/libsoxr.so.0.1.1
7efcf6e03000-7efcf6e05000 r--p 0002d000 08:11 14814672 /usr/lib/x86_64-linux-gnu/libsoxr.so.0.1.1
7efcf6e05000-7efcf6e06000 rw-p 0002f000 08:11 14814672 /usr/lib/x86_64-linux-gnu/libsoxr.so.0.1.1
7efcf6e06000-7efcf6e3b000 rw-p 00000000 00:00 0
7efcf6e3b000-7efcf6e4b000 r-xp 00000000 08:11 14821836 /usr/lib/x86_64-linux-gnu/libgstinterfaces-0.10.so.0.25.0
7efcf6e4b000-7efcf704b000 ---p 00010000 08:11 14821836 /usr/lib/x86_64-linux-gnu/libgstinterfaces-0.10.so.0.25.0
7efcf704b000-7efcf704c000 r--p 00010000 08:11 14821836 /usr/lib/x86_64-linux-gnu/libgstinterfaces-0.10.so.0.25.0
7efcf704c000-7efcf704d000 rw-p 00011000 08:11 14821836 /usr/lib/x86_64-linux-gnu/libgstinterfaces-0.10.so.0.25.0
7efcf704d000-7efcf71cc000 r-xp 00000000 08:11 14821185 /usr/lib/x86_64-linux-gnu/libicuuc.so.55.1
7efcf71cc000-7efcf73cc000 ---p 0017f000 08:11 14821185 /usr/lib/x86_64-linux-gnu/libicuuc.so.55.1
7efcf73cc000-7efcf73dc000 r--p 0017f000 08:11 14821185 /usr/lib/x86_64-linux-gnu/libicuuc.so.55.1
7efcf73dc000-7efcf73dd000 rw-p 0018f000 08:11 14821185 /usr/lib/x86_64-linux-gnu/libicuuc.so.55.1
7efcf73dd000-7efcf73e1000 rw-p 00000000 00:00 0
7efcf73e1000-7efcf73e6000 r-xp 00000000 08:11 14819006 /usr/lib/x86_64-linux-gnu/libXdmcp.so.6.0.0
7efcf73e6000-7efcf75e5000 ---p 00005000 08:11 14819006 /usr/lib/x86_64-linux-gnu/libXdmcp.so.6.0.0
7efcf75e5000-7efcf75e6000 r--p 00004000 08:11 14819006 /usr/lib/x86_64-linux-gnu/libXdmcp.so.6.0.0
7efcf75e6000-7efcf75e7000 rw-p 00005000 08:11 14819006 /usr/lib/x86_64-linux-gnu/libXdmcp.so.6.0.0
7efcf75e7000-7efcf75e9000 r-xp 00000000 08:11 14818995 /usr/lib/x86_64-linux-gnu/libXau.so.6.0.0
7efcf75e9000-7efcf77e9000 ---p 00002000 08:11 14818995 /usr/lib/x86_64-linux-gnu/libXau.so.6.0.0
7efcf77e9000-7efcf77ea000 r--p 00002000 08:11 14818995 /usr/lib/x86_64-linux-gnu/libXau.so.6.0.0
7efcf77ea000-7efcf77eb000 rw-p 00003000 08:11 14818995 /usr/lib/x86_64-linux-gnu/libXau.so.6.0.0
7efcf77eb000-7efcf7811000 r-xp 00000000 08:11 3150241 /lib/x86_64-linux-gnu/libexpat.so.1.6.0
7efcf7811000-7efcf7a11000 ---p 00026000 08:11 3150241 /lib/x86_64-linux-gnu/libexpat.so.1.6.0
7efcf7a11000-7efcf7a13000 r--p 00026000 08:11 3150241 /lib/x86_64-linux-gnu/libexpat.so.1.6.0
7efcf7a13000-7efcf7a14000 rw-p 00028000 08:11 3150241 /lib/x86_64-linux-gnu/libexpat.so.1.6.0
7efcf7a14000-7efcf7a1c000 r-xp 00000000 08:11 14820176 /usr/lib/x86_64-linux-gnu/libthai.so.0.2.4
7efcf7a1c000-7efcf7c1b000 ---p 00008000 08:11 14820176 /usr/lib/x86_64-linux-gnu/libthai.so.0.2.4
7efcf7c1b000-7efcf7c1c000 r--p 00007000 08:11 14820176 /usr/lib/x86_64-linux-gnu/libthai.so.0.2.4
7efcf7c1c000-7efcf7c1d000 rw-p 00008000 08:11 14820176 /usr/lib/x86_64-linux-gnu/libthai.so.0.2.4
7efcf7c1d000-7efcf7c79000 r-xp 00000000 08:11 14819643 /usr/lib/x86_64-linux-gnu/libharfbuzz.so.0.10000.1
7efcf7c79000-7efcf7e79000 ---p 0005c000 08:11 14819643 /usr/lib/x86_64-linux-gnu/libharfbuzz.so.0.10000.1
7efcf7e79000-7efcf7e7a000 r--p 0005c000 08:11 14819643 /usr/lib/x86_64-linux-gnu/libharfbuzz.so.0.10000.1
7efcf7e7a000-7efcf7e7b000 rw-p 0005d000 08:11 14819643 /usr/lib/x86_64-linux-gnu/libharfbuzz.so.0.10000.1
7efcf7e7b000-7efcf7e92000 r-xp 00000000 08:11 3150380 /lib/x86_64-linux-gnu/libresolv-2.23.so
7efcf7e92000-7efcf8092000 ---p 00017000 08:11 3150380 /lib/x86_64-linux-gnu/libresolv-2.23.so
7efcf8092000-7efcf8093000 r--p 00017000 08:11 3150380 /lib/x86_64-linux-gnu/libresolv-2.23.so
7efcf8093000-7efcf8094000 rw-p 00018000 08:11 3150380 /lib/x86_64-linux-gnu/libresolv-2.23.so
7efcf8094000-7efcf8096000 rw-p 00000000 00:00 0
7efcf8096000-7efcf80b5000 r-xp 00000000 08:11 3150389 /lib/x86_64-linux-gnu/libselinux.so.1
7efcf80b5000-7efcf82b4000 ---p 0001f000 08:11 3150389 /lib/x86_64-linux-gnu/libselinux.so.1
7efcf82b4000-7efcf82b5000 r--p 0001e000 08:11 3150389 /lib/x86_64-linux-gnu/libselinux.so.1
7efcf82b5000-7efcf82b6000 rw-p 0001f000 08:11 3150389 /lib/x86_64-linux-gnu/libselinux.so.1
7efcf82b6000-7efcf82b8000 rw-p 00000000 00:00 0
7efcf82b8000-7efcf82bd000 r-xp 00000000 08:11 14818871 /usr/lib/x86_64-linux-gnu/libIlmThread-2_2.so.12.0.0
7efcf82bd000-7efcf84bd000 ---p 00005000 08:11 14818871 /usr/lib/x86_64-linux-gnu/libIlmThread-2_2.so.12.0.0
7efcf84bd000-7efcf84be000 r--p 00005000 08:11 14818871 /usr/lib/x86_64-linux-gnu/libIlmThread-2_2.so.12.0.0
7efcf84be000-7efcf84bf000 rw-p 00006000 08:11 14818871 /usr/lib/x86_64-linux-gnu/libIlmThread-2_2.so.12.0.0
7efcf84bf000-7efcf84da000 r-xp 00000000 08:11 14818863 /usr/lib/x86_64-linux-gnu/libIex-2_2.so.12.0.0
7efcf84da000-7efcf86d9000 ---p 0001b000 08:11 14818863 /usr/lib/x86_64-linux-gnu/libIex-2_2.so.12.0.0
7efcf86d9000-7efcf86dc000 r--p 0001a000 08:11 14818863 /usr/lib/x86_64-linux-gnu/libIex-2_2.so.12.0.0
7efcf86dc000-7efcf86dd000 rw-p 0001d000 08:11 14818863 /usr/lib/x86_64-linux-gnu/libIex-2_2.so.12.0.0
7efcf86dd000-7efcf86e8000 r-xp 00000000 08:11 14819738 /usr/lib/x86_64-linux-gnu/libjbig.so.0
7efcf86e8000-7efcf88e7000 ---p 0000b000 08:11 14819738 /usr/lib/x86_64-linux-gnu/libjbig.so.0
7efcf88e7000-7efcf88e8000 r--p 0000a000 08:11 14819738 /usr/lib/x86_64-linux-gnu/libjbig.so.0
7efcf88e8000-7efcf88eb000 rw-p 0000b000 08:11 14819738 /usr/lib/x86_64-linux-gnu/libjbig.so.0
7efcf88eb000-7efcf891c000 r-xp 00000000 08:11 14819362 /usr/lib/x86_64-linux-gnu/libexif.so.12.3.3
7efcf891c000-7efcf8b1b000 ---p 00031000 08:11 14819362 /usr/lib/x86_64-linux-gnu/libexif.so.12.3.3
7efcf8b1b000-7efcf8b2e000 r--p 00030000 08:11 14819362 /usr/lib/x86_64-linux-gnu/libexif.so.12.3.3
7efcf8b2e000-7efcf8b2f000 rw-p 00043000 08:11 14819362 /usr/lib/x86_64-linux-gnu/libexif.so.12.3.3
7efcf8b2f000-7efcf8b38000 r-xp 00000000 08:11 14819782 /usr/lib/x86_64-linux-gnu/libltdl.so.7.3.1
7efcf8b38000-7efcf8d37000 ---p 00009000 08:11 14819782 /usr/lib/x86_64-linux-gnu/libltdl.so.7.3.1
7efcf8d37000-7efcf8d38000 r--p 00008000 08:11 14819782 /usr/lib/x86_64-linux-gnu/libltdl.so.7.3.1
7efcf8d38000-7efcf8d39000 rw-p 00009000 08:11 14819782 /usr/lib/x86_64-linux-gnu/libltdl.so.7.3.1
7efcf8d39000-7efcf8d48000 r-xp 00000000 08:11 3150230 /lib/x86_64-linux-gnu/libbz2.so.1.0.4
7efcf8d48000-7efcf8f47000 ---p 0000f000 08:11 3150230 /lib/x86_64-linux-gnu/libbz2.so.1.0.4
7efcf8f47000-7efcf8f48000 r--p 0000e000 08:11 3150230 /lib/x86_64-linux-gnu/libbz2.so.1.0.4
7efcf8f48000-7efcf8f49000 rw-p 0000f000 08:11 3150230 /lib/x86_64-linux-gnu/libbz2.so.1.0.4
7efcf8f49000-7efcf906c000 r-xp 00000000 08:11 14819531 /usr/lib/x86_64-linux-gnu/libgnutls.so.30.6.2
7efcf906c000-7efcf926b000 ---p 00123000 08:11 14819531 /usr/lib/x86_64-linux-gnu/libgnutls.so.30.6.2
7efcf926b000-7efcf9276000 r--p 00122000 08:11 14819531 /usr/lib/x86_64-linux-gnu/libgnutls.so.30.6.2
7efcf9276000-7efcf9278000 rw-p 0012d000 08:11 14819531 /usr/lib/x86_64-linux-gnu/libgnutls.so.30.6.2
7efcf9278000-7efcf9279000 rw-p 00000000 00:00 0
7efcf9279000-7efcf92c0000 r-xp 00000000 08:11 14814794 /usr/lib/x86_64-linux-gnu/libbluray.so.1.9.2
7efcf92c0000-7efcf94bf000 ---p 00047000 08:11 14814794 /usr/lib/x86_64-linux-gnu/libbluray.so.1.9.2
7efcf94bf000-7efcf94c1000 r--p 00046000 08:11 14814794 /usr/lib/x86_64-linux-gnu/libbluray.so.1.9.2
7efcf94c1000-7efcf94c2000 rw-p 00048000 08:11 14814794 /usr/lib/x86_64-linux-gnu/libbluray.so.1.9.2
7efcf94c2000-7efcf950c000 r-xp 00000000 08:11 14814796 /usr/lib/x86_64-linux-gnu/libgme.so.0.6.0
7efcf950c000-7efcf970c000 ---p 0004a000 08:11 14814796 /usr/lib/x86_64-linux-gnu/libgme.so.0.6.0
7efcf970c000-7efcf970f000 r--p 0004a000 08:11 14814796 /usr/lib/x86_64-linux-gnu/libgme.so.0.6.0
7efcf970f000-7efcf9710000 rw-p 0004d000 08:11 14814796 /usr/lib/x86_64-linux-gnu/libgme.so.0.6.0
7efcf9710000-7efcf975a000 r-xp 00000000 08:11 14814798 /usr/lib/x86_64-linux-gnu/libmodplug.so.1.0.0
7efcf975a000-7efcf995a000 ---p 0004a000 08:11 14814798 /usr/lib/x86_64-linux-gnu/libmodplug.so.1.0.0
7efcf995a000-7efcf995b000 r--p 0004a000 08:11 14814798 /usr/lib/x86_64-linux-gnu/libmodplug.so.1.0.0
7efcf995b000-7efcf995c000 rw-p 0004b000 08:11 14814798 /usr/lib/x86_64-linux-gnu/libmodplug.so.1.0.0
7efcf995c000-7efcf9a9b000 rw-p 00000000 00:00 0
7efcf9a9b000-7efcf9ab6000 r-xp 00000000 08:11 14820067 /usr/lib/x86_64-linux-gnu/librtmp.so.1
7efcf9ab6000-7efcf9cb5000 ---p 0001b000 08:11 14820067 /usr/lib/x86_64-linux-gnu/librtmp.so.1
7efcf9cb5000-7efcf9cb6000 r--p 0001a000 08:11 14820067 /usr/lib/x86_64-linux-gnu/librtmp.so.1
7efcf9cb6000-7efcf9cb7000 rw-p 0001b000 08:11 14820067 /usr/lib/x86_64-linux-gnu/librtmp.so.1
7efcf9cb7000-7efcf9cff000 r-xp 00000000 08:11 14814800 /usr/lib/x86_64-linux-gnu/libssh-gcrypt.so.4.4.1
7efcf9cff000-7efcf9efe000 ---p 00048000 08:11 14814800 /usr/lib/x86_64-linux-gnu/libssh-gcrypt.so.4.4.1
7efcf9efe000-7efcf9eff000 r--p 00047000 08:11 14814800 /usr/lib/x86_64-linux-gnu/libssh-gcrypt.so.4.4.1
7efcf9eff000-7efcf9f00000 rw-p 00048000 08:11 14814800 /usr/lib/x86_64-linux-gnu/libssh-gcrypt.so.4.4.1
7efcf9f00000-7efcf9f21000 r-xp 00000000 08:11 3150298 /lib/x86_64-linux-gnu/liblzma.so.5.0.0
7efcf9f21000-7efcfa120000 ---p 00021000 08:11 3150298 /lib/x86_64-linux-gnu/liblzma.so.5.0.0
7efcfa120000-7efcfa121000 r--p 00020000 08:11 3150298 /lib/x86_64-linux-gnu/liblzma.so.5.0.0
7efcfa121000-7efcfa122000 rw-p 00021000 08:11 3150298 /lib/x86_64-linux-gnu/liblzma.so.5.0.0
7efcfa122000-7efcfa13c000 r-xp 00000000 08:11 14812979 /usr/lib/x86_64-linux-gnu/libcrystalhd.so.3.6
7efcfa13c000-7efcfa33b000 ---p 0001a000 08:11 14812979 /usr/lib/x86_64-linux-gnu/libcrystalhd.so.3.6
7efcfa33b000-7efcfa33c000 r--p 00019000 08:11 14812979 /usr/lib/x86_64-linux-gnu/libcrystalhd.so.3.6
7efcfa33c000-7efcfa33d000 rw-p 0001a000 08:11 14812979 /usr/lib/x86_64-linux-gnu/libcrystalhd.so.3.6
7efcfa33d000-7efcfa34a000 r-xp 00000000 08:11 14812981 /usr/lib/x86_64-linux-gnu/libgsm.so.1.0.12
7efcfa34a000-7efcfa549000 ---p 0000d000 08:11 14812981 /usr/lib/x86_64-linux-gnu/libgsm.so.1.0.12
7efcfa549000-7efcfa54a000 r--p 0000c000 08:11 14812981 /usr/lib/x86_64-linux-gnu/libgsm.so.1.0.12
7efcfa54a000-7efcfa54b000 rw-p 0000d000 08:11 14812981 /usr/lib/x86_64-linux-gnu/libgsm.so.1.0.12
7efcfa54b000-7efcfa590000 r-xp 00000000 08:11 14814662 /usr/lib/x86_64-linux-gnu/libmp3lame.so.0.0.0
7efcfa590000-7efcfa790000 ---p 00045000 08:11 14814662 /usr/lib/x86_64-linux-gnu/libmp3lame.so.0.0.0
7efcfa790000-7efcfa791000 r--p 00045000 08:11 14814662 /usr/lib/x86_64-linux-gnu/libmp3lame.so.0.0.0
7efcfa791000-7efcfa792000 rw-p 00046000 08:11 14814662 /usr/lib/x86_64-linux-gnu/libmp3lame.so.0.0.0
7efcfa792000-7efcfa7c0000 rw-p 00000000 00:00 0
7efcfa7c0000-7efcfa7e2000 r-xp 00000000 08:11 14814665 /usr/lib/x86_64-linux-gnu/libopenjpeg.so.1.5.2
7efcfa7e2000-7efcfa9e1000 ---p 00022000 08:11 14814665 /usr/lib/x86_64-linux-gnu/libopenjpeg.so.1.5.2
7efcfa9e1000-7efcfa9e2000 r--p 00021000 08:11 14814665 /usr/lib/x86_64-linux-gnu/libopenjpeg.so.1.5.2
7efcfa9e2000-7efcfa9e3000 rw-p 00022000 08:11 14814665 /usr/lib/x86_64-linux-gnu/libopenjpeg.so.1.5.2
7efcfa9e3000-7efcfaa2c000 r-xp 00000000 08:11 14819923 /usr/lib/x86_64-linux-gnu/libopus.so.0.5.2
7efcfaa2c000-7efcfac2b000 ---p 00049000 08:11 14819923 /usr/lib/x86_64-linux-gnu/libopus.so.0.5.2
7efcfac2b000-7efcfac2c000 r--p 00048000 08:11 14819923 /usr/lib/x86_64-linux-gnu/libopus.so.0.5.2
7efcfac2c000-7efcfac2d000 rw-p 00049000 08:11 14819923 /usr/lib/x86_64-linux-gnu/libopus.so.0.5.2
7efcfac2d000-7efcfacfe000 r-xp 00000000 08:11 14812994 /usr/lib/x86_64-linux-gnu/libschroedinger-1.0.so.0.11.0
7efcfacfe000-7efcfaefe000 ---p 000d1000 08:11 14812994 /usr/lib/x86_64-linux-gnu/libschroedinger-1.0.so.0.11.0
7efcfaefe000-7efcfaf00000 r--p 000d1000 08:11 14812994 /usr/lib/x86_64-linux-gnu/libschroedinger-1.0.so.0.11.0
7efcfaf00000-7efcfaf01000 rw-p 000d3000 08:11 14812994 /usr/lib/x86_64-linux-gnu/libschroedinger-1.0.so.0.11.0
7efcfaf01000-7efcfaf02000 rw-p 00000000 00:00 0
7efcfaf02000-7efcfaf0e000 r-xp 00000000 08:11 14814668 /usr/lib/x86_64-linux-gnu/libshine.so.3.0.1
7efcfaf0e000-7efcfb10d000 ---p 0000c000 08:11 14814668 /usr/lib/x86_64-linux-gnu/libshine.so.3.0.1
7efcfb10d000-7efcfb10e000 r--p 0000b000 08:11 14814668 /usr/lib/x86_64-linux-gnu/libshine.so.3.0.1
7efcfb10e000-7efcfb10f000 rw-p 0000c000 08:11 14814668 /usr/lib/x86_64-linux-gnu/libshine.so.3.0.1
7efcfb10f000-7efcfb116000 r-xp 00000000 08:11 14814670 /usr/lib/x86_64-linux-gnu/libsnappy.so.1.3.0
7efcfb116000-7efcfb315000 ---p 00007000 08:11 14814670 /usr/lib/x86_64-linux-gnu/libsnappy.so.1.3.0
7efcfb315000-7efcfb316000 r--p 00006000 08:11 14814670 /usr/lib/x86_64-linux-gnu/libsnappy.so.1.3.0
7efcfb316000-7efcfb317000 rw-p 00007000 08:11 14814670 /usr/lib/x86_64-linux-gnu/libsnappy.so.1.3.0
7efcfb317000-7efcfb32e000 r-xp 00000000 08:11 14820141 /usr/lib/x86_64-linux-gnu/libspeex.so.1.5.0
7efcfb32e000-7efcfb52e000 ---p 00017000 08:11 14820141 /usr/lib/x86_64-linux-gnu/libspeex.so.1.5.0
7efcfb52e000-7efcfb52f000 r--p 00017000 08:11 14820141 /usr/lib/x86_64-linux-gnu/libspeex.so.1.5.0
7efcfb52f000-7efcfb530000 rw-p 00018000 08:11 14820141 /usr/lib/x86_64-linux-gnu/libspeex.so.1.5.0
7efcfb530000-7efcfb549000 r-xp 00000000 08:11 14820180 /usr/lib/x86_64-linux-gnu/libtheoradec.so.1.1.4
7efcfb549000-7efcfb748000 ---p 00019000 08:11 14820180 /usr/lib/x86_64-linux-gnu/libtheoradec.so.1.1.4
7efcfb748000-7efcfb749000 r--p 00018000 08:11 14820180 /usr/lib/x86_64-linux-gnu/libtheoradec.so.1.1.4
7efcfb749000-7efcfb74a000 rw-p 00019000 08:11 14820180 /usr/lib/x86_64-linux-gnu/libtheoradec.so.1.1.4
7efcfb74a000-7efcfb788000 r-xp 00000000 08:11 14820182 /usr/lib/x86_64-linux-gnu/libtheoraenc.so.1.1.2
7efcfb788000-7efcfb987000 ---p 0003e000 08:11 14820182 /usr/lib/x86_64-linux-gnu/libtheoraenc.so.1.1.2
7efcfb987000-7efcfb988000 r--p 0003d000 08:11 14820182 /usr/lib/x86_64-linux-gnu/libtheoraenc.so.1.1.2
7efcfb988000-7efcfb989000 rw-p 0003e000 08:11 14820182 /usr/lib/x86_64-linux-gnu/libtheoraenc.so.1.1.2
7efcfb989000-7efcfb9a7000 r-xp 00000000 08:11 14814676 /usr/lib/x86_64-linux-gnu/libtwolame.so.0.0.0
7efcfb9a7000-7efcfbba6000 ---p 0001e000 08:11 14814676 /usr/lib/x86_64-linux-gnu/libtwolame.so.0.0.0
7efcfbba6000-7efcfbba7000 r--p 0001d000 08:11 14814676 /usr/lib/x86_64-linux-gnu/libtwolame.so.0.0.0
7efcfbba7000-7efcfbba8000 rw-p 0001e000 08:11 14814676 /usr/lib/x86_64-linux-gnu/libtwolame.so.0.0.0
7efcfbba8000-7efcfbbac000 rw-p 00000000 00:00 0
7efcfbbac000-7efcfbbd6000 r-xp 00000000 08:11 14820279 /usr/lib/x86_64-linux-gnu/libvorbis.so.0.4.8
7efcfbbd6000-7efcfbdd6000 ---p 0002a000 08:11 14820279 /usr/lib/x86_64-linux-gnu/libvorbis.so.0.4.8
7efcfbdd6000-7efcfbdd7000 r--p 0002a000 08:11 14820279 /usr/lib/x86_64-linux-gnu/libvorbis.so.0.4.8
7efcfbdd7000-7efcfbdd8000 rw-p 0002b000 08:11 14820279 /usr/lib/x86_64-linux-gnu/libvorbis.so.0.4.8
7efcfbdd8000-7efcfbe65000 r-xp 00000000 08:11 14820281 /usr/lib/x86_64-linux-gnu/libvorbisenc.so.2.0.11
7efcfbe65000-7efcfc064000 ---p 0008d000 08:11 14820281 /usr/lib/x86_64-linux-gnu/libvorbisenc.so.2.0.11
7efcfc064000-7efcfc080000 r--p 0008c000 08:11 14820281 /usr/lib/x86_64-linux-gnu/libvorbisenc.so.2.0.11
7efcfc080000-7efcfc081000 rw-p 000a8000 08:11 14820281 /usr/lib/x86_64-linux-gnu/libvorbisenc.so.2.0.11
7efcfc081000-7efcfc2a0000 r-xp 00000000 08:11 14820286 /usr/lib/x86_64-linux-gnu/libvpx.so.3.0.0
7efcfc2a0000-7efcfc49f000 ---p 0021f000 08:11 14820286 /usr/lib/x86_64-linux-gnu/libvpx.so.3.0.0
7efcfc49f000-7efcfc4a1000 r--p 0021e000 08:11 14820286 /usr/lib/x86_64-linux-gnu/libvpx.so.3.0.0
7efcfc4a1000-7efcfc4a2000 rw-p 00220000 08:11 14820286 /usr/lib/x86_64-linux-gnu/libvpx.so.3.0.0
7efcfc4a2000-7efcfc4a5000 rw-p 00000000 00:00 0
7efcfc4a5000-7efcfc4cd000 r-xp 00000000 08:11 14820292 /usr/lib/x86_64-linux-gnu/libwavpack.so.1.1.7
7efcfc4cd000-7efcfc6cc000 ---p 00028000 08:11 14820292 /usr/lib/x86_64-linux-gnu/libwavpack.so.1.1.7
7efcfc6cc000-7efcfc6cd000 r--p 00027000 08:11 14820292 /usr/lib/x86_64-linux-gnu/libwavpack.so.1.1.7
7efcfc6cd000-7efcfc6ce000 rw-p 00028000 08:11 14820292 /usr/lib/x86_64-linux-gnu/libwavpack.so.1.1.7
7efcfc6ce000-7efcfc727000 r-xp 00000000 08:11 14820306 /usr/lib/x86_64-linux-gnu/libwebp.so.5.0.4
7efcfc727000-7efcfc927000 ---p 00059000 08:11 14820306 /usr/lib/x86_64-linux-gnu/libwebp.so.5.0.4
7efcfc927000-7efcfc928000 r--p 00059000 08:11 14820306 /usr/lib/x86_64-linux-gnu/libwebp.so.5.0.4
7efcfc928000-7efcfc92a000 rw-p 0005a000 08:11 14820306 /usr/lib/x86_64-linux-gnu/libwebp.so.5.0.4
7efcfc92a000-7efcfca52000 r-xp 00000000 08:11 14814682 /usr/lib/x86_64-linux-gnu/libx264.so.148
7efcfca52000-7efcfcc51000 ---p 00128000 08:11 14814682 /usr/lib/x86_64-linux-gnu/libx264.so.148
7efcfcc51000-7efcfcc52000 r--p 00127000 08:11 14814682 /usr/lib/x86_64-linux-gnu/libx264.so.148
7efcfcc52000-7efcfcc53000 rw-p 00128000 08:11 14814682 /usr/lib/x86_64-linux-gnu/libx264.so.148
7efcfcc53000-7efcfccce000 rw-p 00000000 00:00 0
7efcfccce000-7efcfd6db000 r-xp 00000000 08:11 14814684 /usr/lib/x86_64-linux-gnu/libx265.so.79
7efcfd6db000-7efcfd8da000 ---p 00a0d000 08:11 14814684 /usr/lib/x86_64-linux-gnu/libx265.so.79
7efcfd8da000-7efcfd8dd000 r--p 00a0c000 08:11 14814684 /usr/lib/x86_64-linux-gnu/libx265.so.79
7efcfd8dd000-7efcfd8e0000 rw-p 00a0f000 08:11 14814684 /usr/lib/x86_64-linux-gnu/libx265.so.79
7efcfd8e0000-7efcfd8ed000 rw-p 00000000 00:00 0
7efcfd8ed000-7efcfd98e000 r-xp 00000000 08:11 14814687 /usr/lib/x86_64-linux-gnu/libxvidcore.so.4.3
7efcfd98e000-7efcfdb8d000 ---p 000a1000 08:11 14814687 /usr/lib/x86_64-linux-gnu/libxvidcore.so.4.3
7efcfdb8d000-7efcfdb8e000 r--p 000a0000 08:11 14814687 /usr/lib/x86_64-linux-gnu/libxvidcore.so.4.3
7efcfdb8e000-7efcfdb98000 rw-p 000a1000 08:11 14814687 /usr/lib/x86_64-linux-gnu/libxvidcore.so.4.3
7efcfdb98000-7efcfdc01000 rw-p 00000000 00:00 0
7efcfdc01000-7efcfdc78000 r-xp 00000000 08:11 14814712 /usr/lib/x86_64-linux-gnu/libzvbi.so.0.13.2
7efcfdc78000-7efcfde77000 ---p 00077000 08:11 14814712 /usr/lib/x86_64-linux-gnu/libzvbi.so.0.13.2
7efcfde77000-7efcfde80000 r--p 00076000 08:11 14814712 /usr/lib/x86_64-linux-gnu/libzvbi.so.0.13.2
7efcfde80000-7efcfde8c000 rw-p 0007f000 08:11 14814712 /usr/lib/x86_64-linux-gnu/libzvbi.so.0.13.2
7efcfde8c000-7efcfdea7000 r-xp 00000000 08:11 14814678 /usr/lib/x86_64-linux-gnu/libva.so.1.3900.0
7efcfdea7000-7efcfe0a6000 ---p 0001b000 08:11 14814678 /usr/lib/x86_64-linux-gnu/libva.so.1.3900.0
7efcfe0a6000-7efcfe0a7000 r--p 0001a000 08:11 14814678 /usr/lib/x86_64-linux-gnu/libva.so.1.3900.0
7efcfe0a7000-7efcfe0a8000 rw-p 0001b000 08:11 14814678 /usr/lib/x86_64-linux-gnu/libva.so.1.3900.0
7efcfe0a8000-7efcfe0c2000 r-xp 00000000 08:11 14814674 /usr/lib/x86_64-linux-gnu/libswresample-ffmpeg.so.1.2.101
7efcfe0c2000-7efcfe2c2000 ---p 0001a000 08:11 14814674 /usr/lib/x86_64-linux-gnu/libswresample-ffmpeg.so.1.2.101
7efcfe2c2000-7efcfe2c4000 r--p 0001a000 08:11 14814674 /usr/lib/x86_64-linux-gnu/libswresample-ffmpeg.so.1.2.101
7efcfe2c4000-7efcfe2c5000 rw-p 0001c000 08:11 14814674 /usr/lib/x86_64-linux-gnu/libswresample-ffmpeg.so.1.2.101
7efcfe2c5000-7efcfe2dc000 r-xp 00000000 08:11 3150411 /lib/x86_64-linux-gnu/libusb-1.0.so.0.1.0
7efcfe2dc000-7efcfe4db000 ---p 00017000 08:11 3150411 /lib/x86_64-linux-gnu/libusb-1.0.so.0.1.0
7efcfe4db000-7efcfe4dc000 r--p 00016000 08:11 3150411 /lib/x86_64-linux-gnu/libusb-1.0.so.0.1.0
7efcfe4dc000-7efcfe4dd000 rw-p 00017000 08:11 3150411 /lib/x86_64-linux-gnu/libusb-1.0.so.0.1.0
7efcfe4dd000-7efcfe4ea000 r-xp 00000000 08:11 14820039 /usr/lib/x86_64-linux-gnu/libraw1394.so.11.1.0
7efcfe4ea000-7efcfe6ea000 ---p 0000d000 08:11 14820039 /usr/lib/x86_64-linux-gnu/libraw1394.so.11.1.0
7efcfe6ea000-7efcfe6eb000 r--p 0000d000 08:11 14820039 /usr/lib/x86_64-linux-gnu/libraw1394.so.11.1.0
7efcfe6eb000-7efcfe6ec000 rw-p 0000e000 08:11 14820039 /usr/lib/x86_64-linux-gnu/libraw1394.so.11.1.0
7efcfe6ec000-7efcfe722000 r-xp 00000000 08:11 14821841 /usr/lib/x86_64-linux-gnu/libgsttag-0.10.so.0.25.0
7efcfe722000-7efcfe921000 ---p 00036000 08:11 14821841 /usr/lib/x86_64-linux-gnu/libgsttag-0.10.so.0.25.0
7efcfe921000-7efcfe923000 r--p 00035000 08:11 14821841 /usr/lib/x86_64-linux-gnu/libgsttag-0.10.so.0.25.0
7efcfe923000-7efcfe924000 rw-p 00037000 08:11 14821841 /usr/lib/x86_64-linux-gnu/libgsttag-0.10.so.0.25.0
7efcfe924000-7efcfe95c000 r-xp 00000000 08:11 14821834 /usr/lib/x86_64-linux-gnu/libgstaudio-0.10.so.0.25.0
7efcfe95c000-7efcfeb5c000 ---p 00038000 08:11 14821834 /usr/lib/x86_64-linux-gnu/libgstaudio-0.10.so.0.25.0
7efcfeb5c000-7efcfeb5d000 r--p 00038000 08:11 14821834 /usr/lib/x86_64-linux-gnu/libgstaudio-0.10.so.0.25.0
7efcfeb5d000-7efcfeb5f000 rw-p 00039000 08:11 14821834 /usr/lib/x86_64-linux-gnu/libgstaudio-0.10.so.0.25.0
7efcfeb5f000-7efcfebda000 r-xp 00000000 08:11 14819925 /usr/lib/x86_64-linux-gnu/liborc-0.4.so.0.25.0
7efcfebda000-7efcfedd9000 ---p 0007b000 08:11 14819925 /usr/lib/x86_64-linux-gnu/liborc-0.4.so.0.25.0
7efcfedd9000-7efcfeddb000 r--p 0007a000 08:11 14819925 /usr/lib/x86_64-linux-gnu/liborc-0.4.so.0.25.0
7efcfeddb000-7efcfeddf000 rw-p 0007c000 08:11 14819925 /usr/lib/x86_64-linux-gnu/liborc-0.4.so.0.25.0
7efcfeddf000-7efcfee37000 r-xp 00000000 08:11 14821743 /usr/lib/x86_64-linux-gnu/libgstbase-0.10.so.0.30.0
7efcfee37000-7efcff037000 ---p 00058000 08:11 14821743 /usr/lib/x86_64-linux-gnu/libgstbase-0.10.so.0.30.0
7efcff037000-7efcff038000 r--p 00058000 08:11 14821743 /usr/lib/x86_64-linux-gnu/libgstbase-0.10.so.0.30.0
7efcff038000-7efcff039000 rw-p 00059000 08:11 14821743 /usr/lib/x86_64-linux-gnu/libgstbase-0.10.so.0.30.0
7efcff039000-7efcff1ea000 r-xp 00000000 08:11 14819301 /usr/lib/x86_64-linux-gnu/libxml2.so.2.9.3
7efcff1ea000-7efcff3e9000 ---p 001b1000 08:11 14819301 /usr/lib/x86_64-linux-gnu/libxml2.so.2.9.3
7efcff3e9000-7efcff3f1000 r--p 001b0000 08:11 14819301 /usr/lib/x86_64-linux-gnu/libxml2.so.2.9.3
7efcff3f1000-7efcff3f3000 rw-p 001b8000 08:11 14819301 /usr/lib/x86_64-linux-gnu/libxml2.so.2.9.3
7efcff3f3000-7efcff3f4000 rw-p 00000000 00:00 0
7efcff3f4000-7efcff462000 r-xp 00000000 08:11 3150360 /lib/x86_64-linux-gnu/libpcre.so.3.13.2
7efcff462000-7efcff662000 ---p 0006e000 08:11 3150360 /lib/x86_64-linux-gnu/libpcre.so.3.13.2
7efcff662000-7efcff663000 r--p 0006e000 08:11 3150360 /lib/x86_64-linux-gnu/libpcre.so.3.13.2
7efcff663000-7efcff664000 rw-p 0006f000 08:11 3150360 /lib/x86_64-linux-gnu/libpcre.so.3.13.2Aborted (core dumped)

Error with Debug=1

obj/deconvolutional_layer.o: In function cvPointFrom32f': /usr/local/include/opencv2/core/types_c.h:929: undefined reference to cvRound'
/usr/local/include/opencv2/core/types_c.h:930: undefined reference to cvRound' obj/deconvolutional_layer.o: In function cvReadInt':
/usr/local/include/opencv2/core/core_c.h:2350: undefined reference to cvRound' obj/deconvolutional_layer.o: In function cvEllipseBox':
/usr/local/include/opencv2/imgproc/imgproc_c.h:1041: undefined reference to cvRound' /usr/local/include/opencv2/imgproc/imgproc_c.h:1042: undefined reference to cvRound'
obj/convolutional_layer.o:/usr/local/include/opencv2/core/types_c.h:929: more undefined references to `cvRound' follow
collect2: error: ld returned 1 exit status
Makefile:63: recipe for target 'darknet' failed
make: *** [darknet] Error 1

Keep Getting Wrong Label Names

Hello, I'm wondering if anyone knows why I keep getting these incorrect names which are not suppose to be the names under the 9k.names file???
This was the result when I set the threshold to 0.

screen shot 2018-03-21 at 22 56 43

Any idea why this happened??

FFMPEG error making own video on Ubuntu

I get the following error on trying to make my own video on Ubuntu with GPU

mask_scale: Using default '1.000000'
Loading weights from ../yolo9000-weights/yolo9000.weights...Done!
video file: /test_videos/demo.mp4
[ WARN:0] cvCreateFileCaptureWithPreference: backend FFMPEG doesn't support legacy API anymore.
Unable to stop the stream: Function not implemented
Couldn't connect to webcam.
: Function not implemented
darknet: ./src/utils.c:224: error: Assertion `0' failed.
Aborted (core dumped)

any help fixing this will be greatly appreciated.

Thanks,

Windows 7 Compatibility of darknet

i'm on windows 7 (64 bit) after followed build steps, when i run following command
darknet.exe detector test cfg/combine9k.data cfg/yolo9000.cfg yolo9000-weights/yolo9000.weights data/horses.jpg
i get error message

Couldn't open file: data/9k.names

i modified combine9k.data file, names = "D:/yolo-9000/data/9k.names"
when i try again, i get same error

Couldn't open file: D:/yolo-9000/data/9k.names

How to save the coordinates of the bounding boxes ?

Hi,

How can I save/print the coordinated of the bounding boxes detected ?
I made some changes on src/image.c to print the coordinates of the bounding boxes in darknet, but the same changes doesn't work here and the code also looks different.

Any help would be appreciated.
Thanks in Advance !!

nvcc fatal : Unsupported gpu architecture 'compute_20'

abner@yolo-9000/darknet$ make
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/gemm.c -o obj/gemm.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/utils.c -o obj/utils.o
./src/utils.c: In function ‘fgetl’:
./src/utils.c:311:14: warning: ignoring return value of ‘fgets’, declared with attribute warn_unused_result [-Wunused-result]
fgets(&line[curr], readsize, fp);
^
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/cuda.c -o obj/cuda.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/deconvolutional_layer.c -o obj/deconvolutional_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/convolutional_layer.c -o obj/convolutional_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/list.c -o obj/list.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/image.c -o obj/image.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/activations.c -o obj/activations.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/im2col.c -o obj/im2col.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/col2im.c -o obj/col2im.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/blas.c -o obj/blas.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/crop_layer.c -o obj/crop_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/dropout_layer.c -o obj/dropout_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/maxpool_layer.c -o obj/maxpool_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/softmax_layer.c -o obj/softmax_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/data.c -o obj/data.o
./src/data.c: In function ‘load_regression_labels_paths’:
./src/data.c:554:15: warning: ignoring return value of ‘fscanf’, declared with attribute warn_unused_result [-Wunused-result]
fscanf(file, "%f", &(y.vals[i][0]));
^
./src/data.c: In function ‘load_cifar10_data’:
./src/data.c:1262:14: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(bytes, 1, 3073, fp);
^
./src/data.c: In function ‘load_all_cifar10’:
./src/data.c:1325:18: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(bytes, 1, 3073, fp);
^
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/matrix.c -o obj/matrix.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/network.c -o obj/network.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/connected_layer.c -o obj/connected_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/cost_layer.c -o obj/cost_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/parser.c -o obj/parser.o
./src/parser.c: In function ‘load_connected_weights’:
./src/parser.c:974:10: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(l.biases, sizeof(float), l.outputs, fp);
^
./src/parser.c:975:10: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(l.weights, sizeof(float), l.outputs*l.inputs, fp);
^
./src/parser.c:982:14: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(l.scales, sizeof(float), l.outputs, fp);
^
./src/parser.c:983:14: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(l.rolling_mean, sizeof(float), l.outputs, fp);
^
./src/parser.c:984:14: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(l.rolling_variance, sizeof(float), l.outputs, fp);
^
./src/parser.c: In function ‘load_batchnorm_weights’:
./src/parser.c:998:10: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(l.scales, sizeof(float), l.c, fp);
^
./src/parser.c:999:10: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(l.rolling_mean, sizeof(float), l.c, fp);
^
./src/parser.c:1000:10: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(l.rolling_variance, sizeof(float), l.c, fp);
^
./src/parser.c: In function ‘load_convolutional_weights_binary’:
./src/parser.c:1010:10: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(l.biases, sizeof(float), l.n, fp);
^
./src/parser.c:1012:14: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(l.scales, sizeof(float), l.n, fp);
^
./src/parser.c:1013:14: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(l.rolling_mean, sizeof(float), l.n, fp);
^
./src/parser.c:1014:14: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(l.rolling_variance, sizeof(float), l.n, fp);
^
./src/parser.c:1020:14: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(&mean, sizeof(float), 1, fp);
^
./src/parser.c:1024:18: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(&c, sizeof(char), 1, fp);
^
./src/parser.c: In function ‘load_convolutional_weights’:
./src/parser.c:1045:10: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(l.biases, sizeof(float), l.n, fp);
^
./src/parser.c:1047:14: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(l.scales, sizeof(float), l.n, fp);
^
./src/parser.c:1048:14: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(l.rolling_mean, sizeof(float), l.n, fp);
^
./src/parser.c:1049:14: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(l.rolling_variance, sizeof(float), l.n, fp);
^
./src/parser.c:1077:10: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(l.weights, sizeof(float), num, fp);
^
./src/parser.c: In function ‘load_weights_upto’:
./src/parser.c:1106:10: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(&major, sizeof(int), 1, fp);
^
./src/parser.c:1107:10: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(&minor, sizeof(int), 1, fp);
^
./src/parser.c:1108:10: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(&revision, sizeof(int), 1, fp);
^
./src/parser.c:1110:14: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(net->seen, sizeof(size_t), 1, fp);
^
./src/parser.c:1113:14: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(&iseen, sizeof(int), 1, fp);
^
./src/parser.c:1168:18: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(l.biases, sizeof(float), l.outputs, fp);
^
./src/parser.c:1169:18: warning: ignoring return value of ‘fread’, declared with attribute warn_unused_result [-Wunused-result]
fread(l.weights, sizeof(float), size, fp);
^
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/option_list.c -o obj/option_list.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/detection_layer.c -o obj/detection_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/route_layer.c -o obj/route_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/box.c -o obj/box.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/normalization_layer.c -o obj/normalization_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/avgpool_layer.c -o obj/avgpool_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/layer.c -o obj/layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/local_layer.c -o obj/local_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/shortcut_layer.c -o obj/shortcut_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/activation_layer.c -o obj/activation_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/rnn_layer.c -o obj/rnn_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/gru_layer.c -o obj/gru_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/crnn_layer.c -o obj/crnn_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/demo.c -o obj/demo.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/batchnorm_layer.c -o obj/batchnorm_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/region_layer.c -o obj/region_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/reorg_layer.c -o obj/reorg_layer.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/tree.c -o obj/tree.o
gcc -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN -Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN -c ./src/lstm_layer.c -o obj/lstm_layer.o
nvcc -gencode arch=compute_20,code=[sm_20,sm_21] -gencode arch=compute_30,code=sm_30 -gencode arch=compute_35,code=sm_35 -gencode arch=compute_50,code=[sm_50,compute_50] -gencode arch=compute_52,code=[sm_52,compute_52] -Iinclude/ -Isrc/ -DGPU -I/usr/local/cuda/include/ -DCUDNN --compiler-options "-Wall -Wno-unknown-pragmas -Wfatal-errors -fPIC -Ofast -DGPU -DCUDNN" -c ./src/convolutional_kernels.cu -o obj/convolutional_kernels.o
nvcc fatal : Unsupported gpu architecture 'compute_20'
Makefile:89: recipe for target 'obj/convolutional_kernels.o' failed
make: *** [obj/convolutional_kernels.o] Error 1

====================================================
My GPU is RTX2080, cuda version is 9.1, ubuntu version is 18
I can make the original version yolov3 successfully
I have cuda in $PATH and $LD_LIBRARY_PATH
My gcc and g++ version is 4.8

Thank you for your help!

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.