2015-08-11 09:22:27 +03:00
|
|
|
#include <stdio.h>
|
|
|
|
|
2015-07-31 02:19:14 +03:00
|
|
|
#include "network.h"
|
|
|
|
#include "detection_layer.h"
|
|
|
|
#include "cost_layer.h"
|
|
|
|
#include "utils.h"
|
|
|
|
#include "parser.h"
|
|
|
|
#include "box.h"
|
|
|
|
|
2015-08-14 18:45:32 +03:00
|
|
|
#ifdef OPENCV
|
|
|
|
#include "opencv2/highgui/highgui_c.h"
|
|
|
|
#endif
|
2015-07-31 02:19:14 +03:00
|
|
|
|
|
|
|
char *coco_classes[] = {"person","bicycle","car","motorcycle","airplane","bus","train","truck","boat","traffic light","fire hydrant","stop sign","parking meter","bench","bird","cat","dog","horse","sheep","cow","elephant","bear","zebra","giraffe","backpack","umbrella","handbag","tie","suitcase","frisbee","skis","snowboard","sports ball","kite","baseball bat","baseball glove","skateboard","surfboard","tennis racket","bottle","wine glass","cup","fork","knife","spoon","bowl","banana","apple","sandwich","orange","broccoli","carrot","hot dog","pizza","donut","cake","chair","couch","potted plant","bed","dining table","toilet","tv","laptop","mouse","remote","keyboard","cell phone","microwave","oven","toaster","sink","refrigerator","book","clock","vase","scissors","teddy bear","hair drier","toothbrush"};
|
|
|
|
|
2015-08-11 09:22:27 +03:00
|
|
|
int coco_ids[] = {1,2,3,4,5,6,7,8,9,10,11,13,14,15,16,17,18,19,20,21,22,23,24,25,27,28,31,32,33,34,35,36,37,38,39,40,41,42,43,44,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,67,70,72,73,74,75,76,77,78,79,80,81,82,84,85,86,87,88,89,90};
|
|
|
|
|
2015-08-25 04:27:42 +03:00
|
|
|
void draw_coco(image im, float *pred, int side, char *label)
|
2015-07-31 02:19:14 +03:00
|
|
|
{
|
2015-08-25 04:27:42 +03:00
|
|
|
int classes = 81;
|
|
|
|
int elems = 4+classes;
|
2015-07-31 02:19:14 +03:00
|
|
|
int j;
|
|
|
|
int r, c;
|
|
|
|
|
|
|
|
for(r = 0; r < side; ++r){
|
|
|
|
for(c = 0; c < side; ++c){
|
|
|
|
j = (r*side + c) * elems;
|
2015-08-25 04:27:42 +03:00
|
|
|
int class = max_index(pred+j, classes);
|
|
|
|
if (class == 0) continue;
|
|
|
|
if (pred[j+class] > 0.2){
|
|
|
|
int width = pred[j+class]*5 + 1;
|
|
|
|
printf("%f %s\n", pred[j+class], coco_classes[class-1]);
|
2015-07-31 02:19:14 +03:00
|
|
|
float red = get_color(0,class,classes);
|
|
|
|
float green = get_color(1,class,classes);
|
|
|
|
float blue = get_color(2,class,classes);
|
|
|
|
|
|
|
|
j += classes;
|
2015-08-25 04:27:42 +03:00
|
|
|
|
|
|
|
box predict = {pred[j+0], pred[j+1], pred[j+2], pred[j+3]};
|
|
|
|
box anchor = {(c+.5)/side, (r+.5)/side, .5, .5};
|
|
|
|
box decode = decode_box(predict, anchor);
|
|
|
|
|
|
|
|
draw_bbox(im, decode, width, red, green, blue);
|
2015-07-31 02:19:14 +03:00
|
|
|
}
|
|
|
|
}
|
|
|
|
}
|
|
|
|
show_image(im, label);
|
|
|
|
}
|
|
|
|
|
|
|
|
void train_coco(char *cfgfile, char *weightfile)
|
|
|
|
{
|
|
|
|
char *train_images = "/home/pjreddie/data/coco/train.txt";
|
|
|
|
char *backup_directory = "/home/pjreddie/backup/";
|
|
|
|
srand(time(0));
|
|
|
|
data_seed = time(0);
|
|
|
|
char *base = basecfg(cfgfile);
|
|
|
|
printf("%s\n", base);
|
|
|
|
float avg_loss = -1;
|
|
|
|
network net = parse_network_cfg(cfgfile);
|
|
|
|
if(weightfile){
|
|
|
|
load_weights(&net, weightfile);
|
|
|
|
}
|
|
|
|
printf("Learning Rate: %g, Momentum: %g, Decay: %g\n", net.learning_rate, net.momentum, net.decay);
|
|
|
|
int imgs = 128;
|
|
|
|
int i = net.seen/imgs;
|
|
|
|
data train, buffer;
|
|
|
|
|
2015-08-25 04:27:42 +03:00
|
|
|
int classes = 81;
|
|
|
|
int side = 7;
|
2015-07-31 02:19:14 +03:00
|
|
|
|
|
|
|
list *plist = get_paths(train_images);
|
|
|
|
int N = plist->size;
|
2015-08-25 04:27:42 +03:00
|
|
|
char **paths = (char **)list_to_array(plist);
|
2015-07-31 02:19:14 +03:00
|
|
|
|
2015-08-25 04:27:42 +03:00
|
|
|
load_args args = {0};
|
|
|
|
args.w = net.w;
|
|
|
|
args.h = net.h;
|
|
|
|
args.paths = paths;
|
|
|
|
args.n = imgs;
|
|
|
|
args.m = plist->size;
|
|
|
|
args.classes = classes;
|
|
|
|
args.num_boxes = side;
|
|
|
|
args.d = &buffer;
|
|
|
|
args.type = REGION_DATA;
|
|
|
|
|
|
|
|
pthread_t load_thread = load_data_in_thread(args);
|
2015-07-31 02:19:14 +03:00
|
|
|
clock_t time;
|
|
|
|
while(i*imgs < N*120){
|
|
|
|
i += 1;
|
|
|
|
time=clock();
|
|
|
|
pthread_join(load_thread, 0);
|
|
|
|
train = buffer;
|
2015-08-25 04:27:42 +03:00
|
|
|
load_thread = load_data_in_thread(args);
|
2015-07-31 02:19:14 +03:00
|
|
|
|
|
|
|
printf("Loaded: %lf seconds\n", sec(clock()-time));
|
|
|
|
|
2015-08-25 04:27:42 +03:00
|
|
|
/*
|
|
|
|
image im = float_to_image(net.w, net.h, 3, train.X.vals[114]);
|
|
|
|
image copy = copy_image(im);
|
|
|
|
draw_coco(copy, train.y.vals[114], 7, "truth");
|
|
|
|
cvWaitKey(0);
|
|
|
|
free_image(copy);
|
|
|
|
*/
|
2015-07-31 02:19:14 +03:00
|
|
|
|
|
|
|
time=clock();
|
|
|
|
float loss = train_network(net, train);
|
|
|
|
net.seen += imgs;
|
|
|
|
if (avg_loss < 0) avg_loss = loss;
|
|
|
|
avg_loss = avg_loss*.9 + loss*.1;
|
|
|
|
|
|
|
|
printf("%d: %f, %f avg, %lf seconds, %d images\n", i, loss, avg_loss, sec(clock()-time), i*imgs);
|
|
|
|
if((i-1)*imgs <= 80*N && i*imgs > N*80){
|
|
|
|
fprintf(stderr, "First stage done.\n");
|
|
|
|
char buff[256];
|
|
|
|
sprintf(buff, "%s/%s_first_stage.weights", backup_directory, base);
|
|
|
|
save_weights(net, buff);
|
|
|
|
return;
|
|
|
|
}
|
2015-08-02 03:26:53 +03:00
|
|
|
if(i%1000==0){
|
2015-07-31 02:19:14 +03:00
|
|
|
char buff[256];
|
|
|
|
sprintf(buff, "%s/%s_%d.weights", backup_directory, base, i);
|
|
|
|
save_weights(net, buff);
|
|
|
|
}
|
|
|
|
free_data(train);
|
|
|
|
}
|
|
|
|
char buff[256];
|
|
|
|
sprintf(buff, "%s/%s_final.weights", backup_directory, base);
|
|
|
|
save_weights(net, buff);
|
|
|
|
}
|
|
|
|
|
|
|
|
void convert_cocos(float *predictions, int classes, int objectness, int background, int num_boxes, int w, int h, float thresh, float **probs, box *boxes)
|
|
|
|
{
|
|
|
|
int i,j;
|
|
|
|
int per_box = 4+classes+(background || objectness);
|
|
|
|
for (i = 0; i < num_boxes*num_boxes; ++i){
|
|
|
|
float scale = 1;
|
|
|
|
if(objectness) scale = 1-predictions[i*per_box];
|
|
|
|
int offset = i*per_box+(background||objectness);
|
|
|
|
for(j = 0; j < classes; ++j){
|
|
|
|
float prob = scale*predictions[offset+j];
|
|
|
|
probs[i][j] = (prob > thresh) ? prob : 0;
|
|
|
|
}
|
|
|
|
int row = i / num_boxes;
|
|
|
|
int col = i % num_boxes;
|
|
|
|
offset += classes;
|
|
|
|
boxes[i].x = (predictions[offset + 0] + col) / num_boxes * w;
|
|
|
|
boxes[i].y = (predictions[offset + 1] + row) / num_boxes * h;
|
|
|
|
boxes[i].w = pow(predictions[offset + 2], 2) * w;
|
|
|
|
boxes[i].h = pow(predictions[offset + 3], 2) * h;
|
|
|
|
}
|
|
|
|
}
|
|
|
|
|
2015-08-11 09:22:27 +03:00
|
|
|
void print_cocos(FILE *fp, int image_id, box *boxes, float **probs, int num_boxes, int classes, int w, int h)
|
2015-07-31 02:19:14 +03:00
|
|
|
{
|
|
|
|
int i, j;
|
|
|
|
for(i = 0; i < num_boxes*num_boxes; ++i){
|
|
|
|
float xmin = boxes[i].x - boxes[i].w/2.;
|
|
|
|
float xmax = boxes[i].x + boxes[i].w/2.;
|
|
|
|
float ymin = boxes[i].y - boxes[i].h/2.;
|
|
|
|
float ymax = boxes[i].y + boxes[i].h/2.;
|
|
|
|
|
|
|
|
if (xmin < 0) xmin = 0;
|
|
|
|
if (ymin < 0) ymin = 0;
|
|
|
|
if (xmax > w) xmax = w;
|
|
|
|
if (ymax > h) ymax = h;
|
|
|
|
|
2015-08-11 09:22:27 +03:00
|
|
|
float bx = xmin;
|
|
|
|
float by = ymin;
|
|
|
|
float bw = xmax - xmin;
|
|
|
|
float bh = ymax - ymin;
|
|
|
|
|
2015-07-31 02:19:14 +03:00
|
|
|
for(j = 0; j < classes; ++j){
|
2015-08-11 09:22:27 +03:00
|
|
|
if (probs[i][j]) fprintf(fp, "{\"image_id\":%d, \"category_id\":%d, \"bbox\":[%f, %f, %f, %f], \"score\":%f},\n", image_id, coco_ids[j], bx, by, bw, bh, probs[i][j]);
|
2015-07-31 02:19:14 +03:00
|
|
|
}
|
|
|
|
}
|
|
|
|
}
|
|
|
|
|
2015-08-11 09:22:27 +03:00
|
|
|
int get_coco_image_id(char *filename)
|
|
|
|
{
|
|
|
|
char *p = strrchr(filename, '_');
|
|
|
|
return atoi(p+1);
|
|
|
|
}
|
|
|
|
|
2015-07-31 02:19:14 +03:00
|
|
|
void validate_coco(char *cfgfile, char *weightfile)
|
|
|
|
{
|
|
|
|
network net = parse_network_cfg(cfgfile);
|
|
|
|
if(weightfile){
|
|
|
|
load_weights(&net, weightfile);
|
|
|
|
}
|
|
|
|
set_batch_network(&net, 1);
|
|
|
|
detection_layer layer = get_network_detection_layer(net);
|
|
|
|
fprintf(stderr, "Learning Rate: %g, Momentum: %g, Decay: %g\n", net.learning_rate, net.momentum, net.decay);
|
|
|
|
srand(time(0));
|
|
|
|
|
2015-08-11 09:22:27 +03:00
|
|
|
char *base = "/home/pjreddie/backup/";
|
|
|
|
list *plist = get_paths("data/coco_val_5k.list");
|
2015-07-31 02:19:14 +03:00
|
|
|
char **paths = (char **)list_to_array(plist);
|
|
|
|
|
|
|
|
int classes = layer.classes;
|
|
|
|
int objectness = layer.objectness;
|
|
|
|
int background = layer.background;
|
|
|
|
int num_boxes = sqrt(get_detection_layer_locations(layer));
|
|
|
|
|
|
|
|
int j;
|
2015-08-11 09:22:27 +03:00
|
|
|
char buff[1024];
|
|
|
|
snprintf(buff, 1024, "%s/coco_results.json", base);
|
|
|
|
FILE *fp = fopen(buff, "w");
|
|
|
|
fprintf(fp, "[\n");
|
|
|
|
|
2015-07-31 02:19:14 +03:00
|
|
|
box *boxes = calloc(num_boxes*num_boxes, sizeof(box));
|
|
|
|
float **probs = calloc(num_boxes*num_boxes, sizeof(float *));
|
|
|
|
for(j = 0; j < num_boxes*num_boxes; ++j) probs[j] = calloc(classes, sizeof(float *));
|
|
|
|
|
|
|
|
int m = plist->size;
|
|
|
|
int i=0;
|
|
|
|
int t;
|
|
|
|
|
2015-08-11 09:22:27 +03:00
|
|
|
float thresh = .01;
|
2015-07-31 02:19:14 +03:00
|
|
|
int nms = 1;
|
|
|
|
float iou_thresh = .5;
|
|
|
|
|
2015-08-25 04:27:42 +03:00
|
|
|
load_args args = {0};
|
|
|
|
args.w = net.w;
|
|
|
|
args.h = net.h;
|
|
|
|
args.type = IMAGE_DATA;
|
|
|
|
|
2015-07-31 02:19:14 +03:00
|
|
|
int nthreads = 8;
|
|
|
|
image *val = calloc(nthreads, sizeof(image));
|
|
|
|
image *val_resized = calloc(nthreads, sizeof(image));
|
|
|
|
image *buf = calloc(nthreads, sizeof(image));
|
|
|
|
image *buf_resized = calloc(nthreads, sizeof(image));
|
|
|
|
pthread_t *thr = calloc(nthreads, sizeof(pthread_t));
|
|
|
|
for(t = 0; t < nthreads; ++t){
|
2015-08-25 04:27:42 +03:00
|
|
|
args.path = paths[i+t];
|
|
|
|
args.im = &buf[t];
|
|
|
|
args.resized = &buf_resized[t];
|
|
|
|
thr[t] = load_data_in_thread(args);
|
2015-07-31 02:19:14 +03:00
|
|
|
}
|
|
|
|
time_t start = time(0);
|
|
|
|
for(i = nthreads; i < m+nthreads; i += nthreads){
|
|
|
|
fprintf(stderr, "%d\n", i);
|
|
|
|
for(t = 0; t < nthreads && i+t-nthreads < m; ++t){
|
|
|
|
pthread_join(thr[t], 0);
|
|
|
|
val[t] = buf[t];
|
|
|
|
val_resized[t] = buf_resized[t];
|
|
|
|
}
|
|
|
|
for(t = 0; t < nthreads && i+t < m; ++t){
|
2015-08-25 04:27:42 +03:00
|
|
|
args.path = paths[i+t];
|
|
|
|
args.im = &buf[t];
|
|
|
|
args.resized = &buf_resized[t];
|
|
|
|
thr[t] = load_data_in_thread(args);
|
2015-07-31 02:19:14 +03:00
|
|
|
}
|
|
|
|
for(t = 0; t < nthreads && i+t-nthreads < m; ++t){
|
|
|
|
char *path = paths[i+t-nthreads];
|
2015-08-11 09:22:27 +03:00
|
|
|
int image_id = get_coco_image_id(path);
|
2015-07-31 02:19:14 +03:00
|
|
|
float *X = val_resized[t].data;
|
|
|
|
float *predictions = network_predict(net, X);
|
|
|
|
int w = val[t].w;
|
|
|
|
int h = val[t].h;
|
|
|
|
convert_cocos(predictions, classes, objectness, background, num_boxes, w, h, thresh, probs, boxes);
|
|
|
|
if (nms) do_nms(boxes, probs, num_boxes, classes, iou_thresh);
|
2015-08-11 09:22:27 +03:00
|
|
|
print_cocos(fp, image_id, boxes, probs, num_boxes, classes, w, h);
|
2015-07-31 02:19:14 +03:00
|
|
|
free_image(val[t]);
|
|
|
|
free_image(val_resized[t]);
|
|
|
|
}
|
|
|
|
}
|
2015-08-11 09:22:27 +03:00
|
|
|
fseek(fp, -2, SEEK_CUR);
|
|
|
|
fprintf(fp, "\n]\n");
|
|
|
|
fclose(fp);
|
2015-07-31 02:19:14 +03:00
|
|
|
fprintf(stderr, "Total Detection Time: %f Seconds\n", (double)(time(0) - start));
|
|
|
|
}
|
|
|
|
|
|
|
|
void test_coco(char *cfgfile, char *weightfile, char *filename)
|
|
|
|
{
|
|
|
|
|
|
|
|
network net = parse_network_cfg(cfgfile);
|
|
|
|
if(weightfile){
|
|
|
|
load_weights(&net, weightfile);
|
|
|
|
}
|
|
|
|
set_batch_network(&net, 1);
|
|
|
|
srand(2222222);
|
|
|
|
clock_t time;
|
|
|
|
char input[256];
|
|
|
|
while(1){
|
|
|
|
if(filename){
|
|
|
|
strncpy(input, filename, 256);
|
|
|
|
} else {
|
|
|
|
printf("Enter Image Path: ");
|
|
|
|
fflush(stdout);
|
|
|
|
fgets(input, 256, stdin);
|
|
|
|
strtok(input, "\n");
|
|
|
|
}
|
|
|
|
image im = load_image_color(input,0,0);
|
|
|
|
image sized = resize_image(im, net.w, net.h);
|
|
|
|
float *X = sized.data;
|
|
|
|
time=clock();
|
|
|
|
float *predictions = network_predict(net, X);
|
|
|
|
printf("%s: Predicted in %f seconds.\n", input, sec(clock()-time));
|
2015-08-25 04:27:42 +03:00
|
|
|
draw_coco(im, predictions, 7, "predictions");
|
2015-07-31 02:19:14 +03:00
|
|
|
free_image(im);
|
|
|
|
free_image(sized);
|
|
|
|
#ifdef OPENCV
|
|
|
|
cvWaitKey(0);
|
|
|
|
cvDestroyAllWindows();
|
|
|
|
#endif
|
|
|
|
if (filename) break;
|
|
|
|
}
|
|
|
|
}
|
|
|
|
|
|
|
|
void run_coco(int argc, char **argv)
|
|
|
|
{
|
|
|
|
if(argc < 4){
|
|
|
|
fprintf(stderr, "usage: %s %s [train/test/valid] [cfg] [weights (optional)]\n", argv[0], argv[1]);
|
|
|
|
return;
|
|
|
|
}
|
|
|
|
|
|
|
|
char *cfg = argv[3];
|
|
|
|
char *weights = (argc > 4) ? argv[4] : 0;
|
|
|
|
char *filename = (argc > 5) ? argv[5]: 0;
|
|
|
|
if(0==strcmp(argv[2], "test")) test_coco(cfg, weights, filename);
|
|
|
|
else if(0==strcmp(argv[2], "train")) train_coco(cfg, weights);
|
|
|
|
else if(0==strcmp(argv[2], "valid")) validate_coco(cfg, weights);
|
|
|
|
}
|