Skip to content
Projects
Groups
Snippets
Help
Loading...
Sign in / Register
Toggle navigation
O
opencv
Project
Project
Details
Activity
Cycle Analytics
Repository
Repository
Files
Commits
Branches
Tags
Contributors
Graph
Compare
Charts
Issues
0
Issues
0
List
Board
Labels
Milestones
Merge Requests
0
Merge Requests
0
CI / CD
CI / CD
Pipelines
Jobs
Schedules
Charts
Packages
Packages
Wiki
Wiki
Snippets
Snippets
Members
Members
Collapse sidebar
Close sidebar
Activity
Graph
Charts
Create a new issue
Jobs
Commits
Issue Boards
Open sidebar
submodule
opencv
Commits
13134595
Commit
13134595
authored
Nov 15, 2010
by
Alexey Spizhevoy
Browse files
Options
Browse Files
Download
Email Patches
Plain Diff
added HOGDescriptor on GPU
parent
7bd4ba99
Hide whitespace changes
Inline
Side-by-side
Showing
4 changed files
with
1840 additions
and
1 deletion
+1840
-1
CMakeLists.txt
modules/gpu/CMakeLists.txt
+1
-1
gpu.hpp
modules/gpu/include/opencv2/gpu/gpu.hpp
+56
-0
hog.cu
modules/gpu/src/cuda/hog.cu
+655
-0
hog.cpp
modules/gpu/src/hog.cpp
+1128
-0
No files found.
modules/gpu/CMakeLists.txt
View file @
13134595
set
(
name
"gpu"
)
set
(
DEPS
"opencv_core"
"opencv_imgproc"
)
set
(
DEPS
"opencv_core"
"opencv_imgproc"
"opencv_objdetect"
)
set
(
OPENCV_LINKER_LIBS
${
OPENCV_LINKER_LIBS
}
opencv_gpu
)
...
...
modules/gpu/include/opencv2/gpu/gpu.hpp
View file @
13134595
...
...
@@ -46,6 +46,7 @@
#include <vector>
#include "opencv2/core/core.hpp"
#include "opencv2/imgproc/imgproc.hpp"
#include "opencv2/objdetect/objdetect.hpp"
#include "opencv2/gpu/devmem2d.hpp"
namespace
cv
...
...
@@ -973,8 +974,63 @@ namespace cv
GpuMat
table_color
;
GpuMat
table_space
;
};
struct
CV_EXPORTS
HOGDescriptor
{
public
:
enum
{
DEFAULT_WIN_SIGMA
=
-
1
};
enum
{
DEFAULT_NLEVELS
=
64
};
HOGDescriptor
(
Size
win_size
=
Size
(
64
,
128
),
Size
block_size
=
Size
(
16
,
16
),
Size
block_stride
=
Size
(
8
,
8
),
Size
cell_size
=
Size
(
8
,
8
),
bool
gamma_correction
=
true
,
int
nbins
=
9
,
double
win_sigma
=
DEFAULT_WIN_SIGMA
,
double
threshold_L2hys
=
0.2
,
int
nlevels
=
DEFAULT_NLEVELS
);
size_t
getDescriptorSize
()
const
;
size_t
getBlockHistogramSize
()
const
;
double
getWinSigma
()
const
;
static
vector
<
float
>
getDefaultPeopleDetector
();
void
setSVMDetector
(
const
vector
<
float
>&
detector
);
bool
checkDetectorSize
()
const
;
void
computeGradient
(
const
GpuMat
&
img
,
GpuMat
&
grad
,
GpuMat
&
qangle
);
void
detect
(
const
GpuMat
&
img
,
vector
<
Point
>&
found_locations
,
double
hit_threshold
=
0
,
Size
win_stride
=
Size
(),
Size
padding
=
Size
());
void
detectMultiScale
(
const
GpuMat
&
img
,
vector
<
Rect
>&
found_locations
,
double
hit_threshold
=
0
,
Size
win_stride
=
Size
(),
Size
padding
=
Size
(),
double
scale0
=
1.05
,
int
group_threshold
=
2
);
GpuMat
getLastBlockHists
()
const
;
Size
win_size
;
Size
block_size
;
Size
block_stride
;
Size
cell_size
;
bool
gamma_correction
;
int
nbins
;
double
win_sigma
;
double
threshold_L2hys
;
int
nlevels
;
// Coefficients of the separating plane
float
free_coef
;
GpuMat
detector
;
// Results of the last classification step
GpuMat
labels
;
Mat
labels_host
;
// Results of the last histogram evaluation step
GpuMat
block_hists
;
private
:
static
int
numPartsWithin
(
int
size
,
int
part_size
,
int
stride
);
static
Size
numPartsWithin
(
Size
size
,
Size
part_size
,
Size
stride
);
};
}
//! Speckle filtering - filters small connected components on diparity image.
//! It sets pixel (x,y) to newVal if it coresponds to small CC with size < maxSpeckleSize.
//! Threshold for border between CC is diffThreshold;
...
...
modules/gpu/src/cuda/hog.cu
0 → 100644
View file @
13134595
/*M///////////////////////////////////////////////////////////////////////////////////////
//
// IMPORTANT: READ BEFORE DOWNLOADING, COPYING, INSTALLING OR USING.
//
// By downloading, copying, installing or using the software you agree to this license.
// If you do not agree to this license, do not download, install,
// copy or use the software.
//
//
// License Agreement
// For Open Source Computer Vision Library
//
// Copyright (C) 2000-2008, Intel Corporation, all rights reserved.
// Copyright (C) 2009, Willow Garage Inc., all rights reserved.
// Third party copyrights are property of their respective owners.
//
// Redistribution and use in source and binary forms, with or without modification,
// are permitted provided that the following conditions are met:
//
// * Redistribution's of source code must retain the above copyright notice,
// this list of conditions and the following disclaimer.
//
// * Redistribution's in binary form must reproduce the above copyright notice,
// this list of conditions and the following disclaimer in the documentation
// and/or other materials provided with the distribution.
//
// * The name of the copyright holders may not be used to endorse or promote products
// derived from this software without specific prior written permission.
//
// This software is provided by the copyright holders and contributors "as is" and
// any express or implied warranties, including, but not limited to, the implied
// warranties of merchantability and fitness for a particular purpose are disclaimed.
// In no event shall the Intel Corporation or contributors be liable for any direct,
// indirect, incidental, special, exemplary, or consequential damages
// (including, but not limited to, procurement of substitute goods or services;
// loss of use, data, or profits; or business interruption) however caused
// and on any theory of liability, whether in contract, strict liability,
// or tort (including negligence or otherwise) arising in any way out of
// the use of this software, even if advised of the possibility of such damage.
//
//M*/
#include "cuda_shared.hpp"
#ifndef CV_PI_F
#ifndef CV_PI
#define CV_PI_F 3.14159265f
#else
#define CV_PI_F ((float)CV_PI)
#endif
#endif
#ifndef div_up
#define div_up(n, grain) (((n) + (grain) - 1) / (grain))
#endif
// Other values are not supported
#define CELL_WIDTH 8
#define CELL_HEIGHT 8
#define CELLS_PER_BLOCK_X 2
#define CELLS_PER_BLOCK_Y 2
namespace cv { namespace gpu { namespace hog {
__constant__ int cnbins;
__constant__ int cblock_stride_x;
__constant__ int cblock_stride_y;
__constant__ int cnblocks_win_x;
__constant__ int cnblocks_win_y;
__constant__ int cblock_hist_size;
__constant__ int cblock_hist_size_2up;
__constant__ int cdescr_size;
__constant__ int cdescr_width;
/* Returns the nearest upper power of two, works only for
the typical GPU thread count (pert block) values */
int power_2up(unsigned int n)
{
if (n < 1) return 1;
else if (n < 2) return 2;
else if (n < 4) return 4;
else if (n < 8) return 8;
else if (n < 16) return 16;
else if (n < 32) return 32;
else if (n < 64) return 64;
else if (n < 128) return 128;
else if (n < 256) return 256;
else if (n < 512) return 512;
else if (n < 1024) return 1024;
return -1; // Input is too big
}
void set_up_constants(int nbins, int block_stride_x, int block_stride_y,
int nblocks_win_x, int nblocks_win_y)
{
uploadConstant("cv::gpu::hog::cnbins", nbins);
uploadConstant("cv::gpu::hog::cblock_stride_x", block_stride_x);
uploadConstant("cv::gpu::hog::cblock_stride_y", block_stride_y);
uploadConstant("cv::gpu::hog::cnblocks_win_x", nblocks_win_x);
uploadConstant("cv::gpu::hog::cnblocks_win_y", nblocks_win_y);
int block_hist_size = nbins * CELLS_PER_BLOCK_X * CELLS_PER_BLOCK_Y;
uploadConstant("cv::gpu::hog::cblock_hist_size", block_hist_size);
int block_hist_size_2up = power_2up(block_hist_size);
uploadConstant("cv::gpu::hog::cblock_hist_size_2up", block_hist_size_2up);
int descr_width = nblocks_win_x * block_hist_size;
uploadConstant("cv::gpu::hog::cdescr_width", descr_width);
int descr_size = descr_width * nblocks_win_y;
uploadConstant("cv::gpu::hog::cdescr_size", descr_size);
}
//----------------------------------------------------------------------------
// Histogram computation
template <int nblocks> // Number of histogram blocks processed by single GPU thread block
__global__ void compute_hists_kernel_many_blocks(const int img_block_width, const PtrElemStepf grad,
const PtrElemStep qangle, float scale, float* block_hists)
{
const int block_x = threadIdx.z;
const int cell_x = threadIdx.x / 16;
const int cell_y = threadIdx.y;
const int cell_thread_x = threadIdx.x & 0xF;
if (blockIdx.x * blockDim.z + block_x >= img_block_width)
return;
extern __shared__ float smem[];
float* hists = smem;
float* final_hist = smem + cnbins * 48 * nblocks;
const int offset_x = (blockIdx.x * blockDim.z + block_x) * cblock_stride_x +
4 * cell_x + cell_thread_x;
const int offset_y = blockIdx.y * cblock_stride_y + 4 * cell_y;
const float* grad_ptr = grad.ptr(offset_y) + offset_x * 2;
const unsigned char* qangle_ptr = qangle.ptr(offset_y) + offset_x * 2;
if (cell_thread_x < 12)
{
float* hist = hists + 12 * (cell_y * blockDim.z * CELLS_PER_BLOCK_Y +
cell_x + block_x * CELLS_PER_BLOCK_X) +
cell_thread_x;
for (int bin_id = 0; bin_id < cnbins; ++bin_id)
hist[bin_id * 48 * nblocks] = 0.f;
const int dist_x = -4 + (int)cell_thread_x - 4 * cell_x;
const int dist_y_begin = -4 - 4 * (int)threadIdx.y;
for (int dist_y = dist_y_begin; dist_y < dist_y_begin + 12; ++dist_y)
{
float2 vote = *(const float2*)grad_ptr;
uchar2 bin = *(const uchar2*)qangle_ptr;
grad_ptr += grad.step;
qangle_ptr += qangle.step;
int dist_center_y = dist_y - 4 * (1 - 2 * cell_y);
int dist_center_x = dist_x - 4 * (1 - 2 * cell_x);
float gaussian = expf(-(dist_center_y * dist_center_y +
dist_center_x * dist_center_x) * scale);
float interp_weight = (8.f - fabs(dist_y + 0.5f)) *
(8.f - fabs(dist_x + 0.5f)) / 64.f;
hist[bin.x * 48 * nblocks] += gaussian * interp_weight * vote.x;
hist[bin.y * 48 * nblocks] += gaussian * interp_weight * vote.y;
}
volatile float* hist_ = hist;
for (int bin_id = 0; bin_id < cnbins; ++bin_id, hist_ += 48 * nblocks)
{
if (cell_thread_x < 6) hist_[0] += hist_[6];
if (cell_thread_x < 3) hist_[0] += hist_[3];
if (cell_thread_x == 0)
final_hist[((cell_x + block_x * 2) * 2 + cell_y) * cnbins + bin_id]
= hist_[0] + hist_[1] + hist_[2];
}
}
__syncthreads();
float* block_hist = block_hists + (blockIdx.y * img_block_width +
blockIdx.x * blockDim.z + block_x) *
cblock_hist_size;
int tid = (cell_y * CELLS_PER_BLOCK_Y + cell_x) * 16 + cell_thread_x;
if (tid < cblock_hist_size)
block_hist[tid] = final_hist[block_x * cblock_hist_size + tid];
}
void compute_hists(int nbins, int block_stride_x, int block_stride_y,
int height, int width, const DevMem2Df& grad,
const DevMem2D& qangle, float sigma, float* block_hists)
{
const int nblocks = 1;
int img_block_width = (width - CELLS_PER_BLOCK_X * CELL_WIDTH + block_stride_x) /
block_stride_x;
int img_block_height = (height - CELLS_PER_BLOCK_Y * CELL_HEIGHT + block_stride_y) /
block_stride_y;
dim3 grid(div_up(img_block_width, nblocks), img_block_height);
dim3 threads(32, 2, nblocks);
cudaSafeCall(cudaFuncSetCacheConfig(compute_hists_kernel_many_blocks<nblocks>,
cudaFuncCachePreferL1));
// Precompute gaussian spatial window parameter
float scale = 1.f / (2.f * sigma * sigma);
int hists_size = (nbins * CELLS_PER_BLOCK_X * CELLS_PER_BLOCK_Y * 12 * nblocks) * sizeof(float);
int final_hists_size = (nbins * CELLS_PER_BLOCK_X * CELLS_PER_BLOCK_Y * nblocks) * sizeof(float);
int smem = hists_size + final_hists_size;
compute_hists_kernel_many_blocks<nblocks><<<grid, threads, smem>>>(
img_block_width, grad, qangle, scale, block_hists);
cudaSafeCall(cudaThreadSynchronize());
}
//-------------------------------------------------------------
// Normalization of histograms via L2Hys_norm
//
template<int size>
__device__ float reduce_smem(volatile float* smem)
{
unsigned int tid = threadIdx.x;
float sum = smem[tid];
if (size >= 512) { if (tid < 256) smem[tid] = sum = sum + smem[tid + 256]; __syncthreads(); }
if (size >= 256) { if (tid < 128) smem[tid] = sum = sum + smem[tid + 128]; __syncthreads(); }
if (size >= 128) { if (tid < 64) smem[tid] = sum = sum + smem[tid + 64]; __syncthreads(); }
if (tid < 32)
{
if (size >= 64) smem[tid] = sum = sum + smem[tid + 32];
if (size >= 32) smem[tid] = sum = sum + smem[tid + 16];
if (size >= 16) smem[tid] = sum = sum + smem[tid + 8];
if (size >= 8) smem[tid] = sum = sum + smem[tid + 4];
if (size >= 4) smem[tid] = sum = sum + smem[tid + 2];
if (size >= 2) smem[tid] = sum = sum + smem[tid + 1];
}
__syncthreads();
sum = smem[0];
return sum;
}
template <int nthreads, // Number of threads which process one block historgam
int nblocks> // Number of block hisograms processed by one GPU thread block
__global__ void normalize_hists_kernel_many_blocks(const int block_hist_size,
const int img_block_width,
float* block_hists, float threshold)
{
if (blockIdx.x * blockDim.z + threadIdx.z >= img_block_width)
return;
float* hist = block_hists + (blockIdx.y * img_block_width +
blockIdx.x * blockDim.z + threadIdx.z) *
block_hist_size + threadIdx.x;
__shared__ float sh_squares[nthreads * nblocks];
float* squares = sh_squares + threadIdx.z * nthreads;
float elem = 0.f;
if (threadIdx.x < block_hist_size)
elem = hist[0];
squares[threadIdx.x] = elem * elem;
__syncthreads();
float sum = reduce_smem<nthreads>(squares);
float scale = 1.0f / (sqrtf(sum) + 0.1f * block_hist_size);
elem = min(elem * scale, threshold);
__syncthreads();
squares[threadIdx.x] = elem * elem;
__syncthreads();
sum = reduce_smem<nthreads>(squares);
scale = 1.0f / (sqrtf(sum) + 1e-3f);
if (threadIdx.x < block_hist_size)
hist[0] = elem * scale;
}
void normalize_hists(int nbins, int block_stride_x, int block_stride_y,
int height, int width, float* block_hists, float threshold)
{
const int nblocks = 1;
int block_hist_size = nbins * CELLS_PER_BLOCK_X * CELLS_PER_BLOCK_Y;
int nthreads = power_2up(block_hist_size);
dim3 threads(nthreads, 1, nblocks);
int img_block_width = (width - CELLS_PER_BLOCK_X * CELL_WIDTH + block_stride_x) / block_stride_x;
int img_block_height = (height - CELLS_PER_BLOCK_Y * CELL_HEIGHT + block_stride_y) / block_stride_y;
dim3 grid(div_up(img_block_width, nblocks), img_block_height);
if (nthreads == 32)
normalize_hists_kernel_many_blocks<32, nblocks><<<grid, threads>>>(block_hist_size, img_block_width, block_hists, threshold);
else if (nthreads == 64)
normalize_hists_kernel_many_blocks<64, nblocks><<<grid, threads>>>(block_hist_size, img_block_width, block_hists, threshold);
else if (nthreads == 128)
normalize_hists_kernel_many_blocks<64, nblocks><<<grid, threads>>>(block_hist_size, img_block_width, block_hists, threshold);
else if (nthreads == 256)
normalize_hists_kernel_many_blocks<256, nblocks><<<grid, threads>>>(block_hist_size, img_block_width, block_hists, threshold);
else if (nthreads == 512)
normalize_hists_kernel_many_blocks<512, nblocks><<<grid, threads>>>(block_hist_size, img_block_width, block_hists, threshold);
// We don't support bigger sizes of the block histograms
cudaSafeCall(cudaThreadSynchronize());
}
//---------------------------------------------------------------------
// Linear SVM based classification
//
template <int nthreads, // Number of threads per one histogram block
int nblocks> // Number of histogram block processed by single GPU thread block
__global__ void classify_hists_kernel_many_blocks(const int img_win_width, const int img_block_width,
const float* block_hists, const float* coefs,
float free_coef, float threshold, unsigned char* labels)
{
const int win_x = threadIdx.z;
if (blockIdx.x * blockDim.z + win_x >= img_win_width)
return;
const float* hist = block_hists + (blockIdx.y * img_block_width +
blockIdx.x * blockDim.z + win_x) *
cblock_hist_size;
float product = 0.f;
for (int i = threadIdx.x; i < cdescr_size; i += nthreads)
{
int offset_y = i / cdescr_width;
int offset_x = i - offset_y * cdescr_width;
product += coefs[i] * hist[offset_y * img_block_width * cblock_hist_size + offset_x];
}
__shared__ float products[nthreads * nblocks];
const int tid = threadIdx.z * nthreads + threadIdx.x;
products[tid] = product;
__syncthreads();
if (nthreads >= 512)
{
if (threadIdx.x < 256) products[tid] = product = product + products[tid + 256];
__syncthreads();
}
if (nthreads >= 256)
{
if (threadIdx.x < 128) products[tid] = product = product + products[tid + 128];
__syncthreads();
}
if (nthreads >= 128)
{
if (threadIdx.x < 64) products[tid] = product = product + products[tid + 64];
__syncthreads();
}
if (threadIdx.x < 32)
{
volatile float* smem = products;
if (nthreads >= 64) smem[tid] = product = product + smem[tid + 32];
if (nthreads >= 32) smem[tid] = product = product + smem[tid + 16];
if (nthreads >= 16) smem[tid] = product = product + smem[tid + 8];
if (nthreads >= 8) smem[tid] = product = product + smem[tid + 4];
if (nthreads >= 4) smem[tid] = product = product + smem[tid + 2];
if (nthreads >= 2) smem[tid] = product = product + smem[tid + 1];
}
if (threadIdx.x == 0)
labels[blockIdx.y * img_win_width + blockIdx.x * blockDim.z + win_x]
= (product + free_coef >= threshold);
}
// We only support win_stride_x == block_stride_x, win_stride_y == block_stride_y
void classify_hists(int win_height, int win_width, int block_stride_x, int block_stride_y,
int height, int width, float* block_hists, float* coefs,
float free_coef, float threshold, unsigned char* labels)
{
const int nthreads = 256;
const int nblocks = 1;
int img_win_width = (width - win_width + block_stride_x) / block_stride_x;
int img_win_height = (height - win_height + block_stride_y) / block_stride_y;
dim3 threads(nthreads, 1, nblocks);
dim3 grid(div_up(img_win_width, nblocks), img_win_height);
cudaSafeCall(cudaFuncSetCacheConfig(classify_hists_kernel_many_blocks<nthreads, nblocks>,
cudaFuncCachePreferL1));
int img_block_width = (width - CELLS_PER_BLOCK_X * CELL_WIDTH + block_stride_x) /
block_stride_x;
classify_hists_kernel_many_blocks<nthreads, nblocks><<<grid, threads>>>(
img_win_width, img_block_width, block_hists, coefs, free_coef, threshold, labels);
cudaSafeCall(cudaThreadSynchronize());
}
//------------------------------------------------------------
// Gradients computation
template <int nthreads>
__global__ void compute_gradients_8UC4_kernel(int height, int width, const PtrElemStep img,
float angle_scale, PtrElemStepf grad, PtrElemStep qangle)
{
const int x = blockIdx.x * blockDim.x + threadIdx.x;
const uchar4* row = (const uchar4*)img.ptr(blockIdx.y);
__shared__ float sh_row[(nthreads + 2) * 3];
uchar4 val;
if (x < width)
val = row[x];
else if (x == width)
val = row[x - 2];
// Othrewise we do not read variable 'val' at all
sh_row[threadIdx.x + 1] = val.x;
sh_row[threadIdx.x + 1 + (nthreads + 2)] = val.y;
sh_row[threadIdx.x + 1 + 2 * (nthreads + 2)] = val.z;
if (threadIdx.x == 0)
{
val = x > 0 ? row[x - 1] : row[x + 1];
sh_row[0] = val.x;
sh_row[(nthreads + 2)] = val.y;
sh_row[2 * (nthreads + 2)] = val.z;
}
if (threadIdx.x == blockDim.x - 1)
{
val = (x < width - 1) ? row[x + 1] : row[x - 1];
sh_row[blockDim.x + 1] = val.x;
sh_row[blockDim.x + 1 + (nthreads + 2)] = val.y;
sh_row[blockDim.x + 1 + 2 * (nthreads + 2)] = val.z;
}
__syncthreads();
if (x < width)
{
float3 a, b;
b.x = sh_row[threadIdx.x + 2];
b.y = sh_row[threadIdx.x + 2 + (nthreads + 2)];
b.z = sh_row[threadIdx.x + 2 + 2 * (nthreads + 2)];
a.x = sh_row[threadIdx.x];
a.y = sh_row[threadIdx.x + (nthreads + 2)];
a.z = sh_row[threadIdx.x + 2 * (nthreads + 2)];
float3 dx = make_float3(sqrtf(b.x) - sqrtf(a.x),
sqrtf(b.y) - sqrtf(a.y),
sqrtf(b.z) - sqrtf(a.z));
float3 dy = make_float3(0.f, 0.f, 0.f);
if (blockIdx.y > 0 && blockIdx.y < height - 1)
{
val = ((const uchar4*)img.ptr(blockIdx.y - 1))[x];
a = make_float3(val.x, val.y, val.z);
val = ((const uchar4*)img.ptr(blockIdx.y + 1))[x];
b = make_float3(val.x, val.y, val.z);
dy = make_float3(sqrtf(b.x) - sqrtf(a.x),
sqrtf(b.y) - sqrtf(a.y),
sqrtf(b.z) - sqrtf(a.z));
}
float best_dx = dx.x;
float best_dy = dy.x;
float mag0 = dx.x * dx.x + dy.x * dy.x;
float mag1 = dx.y * dx.y + dy.y * dy.y;
if (mag0 < mag1)
{
best_dx = dx.y;
best_dy = dy.y;
mag0 = mag1;
}
mag1 = dx.z * dx.z + dy.z * dy.z;
if (mag0 < mag1)
{
best_dx = dx.z;
best_dy = dy.z;
mag0 = mag1;
}
mag0 = sqrtf(mag0);
float ang = (atan2f(best_dy, best_dx) + CV_PI_F) * angle_scale - 0.5f;
int hidx = (int)floorf(ang);
ang -= hidx;
hidx = (hidx + cnbins) % cnbins;
((uchar2*)qangle.ptr(blockIdx.y))[x] = make_uchar2(hidx, (hidx + 1) % cnbins);
((float2*)grad.ptr(blockIdx.y))[x] = make_float2(mag0 * (1.f - ang), mag0 * ang);
}
}
void compute_gradients_8UC4(int nbins, int height, int width, const DevMem2D& img,
float angle_scale, DevMem2Df grad, DevMem2D qangle)
{
const int nthreads = 256;
dim3 bdim(nthreads, 1);
dim3 gdim(div_up(width, bdim.x), div_up(height, bdim.y));
compute_gradients_8UC4_kernel<nthreads><<<gdim, bdim>>>(height, width, img, angle_scale,
grad, qangle);
cudaSafeCall(cudaThreadSynchronize());
}
template <int nthreads>
__global__ void compute_gradients_8UC1_kernel(int height, int width, const PtrElemStep img,
float angle_scale, PtrElemStepf grad, PtrElemStep qangle)
{
const int x = blockIdx.x * blockDim.x + threadIdx.x;
const unsigned char* row = (const unsigned char*)img.ptr(blockIdx.y);
__shared__ float sh_row[nthreads + 2];
if (x < width)
sh_row[threadIdx.x + 1] = row[x];
else if (x == width)
sh_row[threadIdx.x + 1] = row[x - 2];
if (threadIdx.x == 0)
sh_row[0] = x > 0 ? row[x - 1] : row[x + 1];
if (threadIdx.x == blockDim.x - 1)
sh_row[blockDim.x + 1] = (x < width - 1) ? row[x + 1] : row[x - 1];
__syncthreads();
if (x < width)
{
float dx = sqrtf(sh_row[threadIdx.x + 2]) - sqrtf(sh_row[threadIdx.x]);
float dy = 0.f;
if (blockIdx.y > 0 && blockIdx.y < height - 1)
dy = sqrtf(((const unsigned char*)img.ptr(blockIdx.y + 1))[x]) -
sqrtf(((const unsigned char*)img.ptr(blockIdx.y - 1))[x]);
float mag = sqrtf(dx * dx + dy * dy);
float ang = (atan2f(dy, dx) + CV_PI_F) * angle_scale - 0.5f;
int hidx = (int)floorf(ang);
ang -= hidx;
hidx = (hidx + cnbins) % cnbins;
((uchar2*)qangle.ptr(blockIdx.y))[x] = make_uchar2(hidx, (hidx + 1) % cnbins);
((float2*)grad.ptr(blockIdx.y))[x] = make_float2(mag * (1.f - ang), mag * ang);
}
}
void compute_gradients_8UC1(int nbins, int height, int width, const DevMem2D& img,
float angle_scale, DevMem2Df grad, DevMem2D qangle)
{
const int nthreads = 256;
dim3 bdim(nthreads, 1);
dim3 gdim(div_up(width, bdim.x), div_up(height, bdim.y));
compute_gradients_8UC1_kernel<nthreads><<<gdim, bdim>>>(height, width, img, angle_scale,
grad, qangle);
cudaSafeCall(cudaThreadSynchronize());
}
//-------------------------------------------------------------------
// Resize
texture<uchar4, 2> resize8UC4_tex;
texture<unsigned char, 2> resize8UC1_tex;
extern "C" __global__ void resize_8UC4_kernel(float sx, float sy, DevMem2D dst)
{
unsigned int x = blockIdx.x * blockDim.x + threadIdx.x;
unsigned int y = blockIdx.y * blockDim.y + threadIdx.y;
if (x < dst.cols && y < dst.rows)
((uchar4*)dst.ptr(y))[x] = tex2D(resize8UC4_tex, x * sx, y * sy);
}
void resize_8UC4(const DevMem2D& src, DevMem2D dst)
{
cudaChannelFormatDesc desc = cudaCreateChannelDesc<uchar4>();
cudaBindTexture2D(0, resize8UC4_tex, src.data, desc, src.cols, src.rows, src.step);
dim3 threads(32, 8);
dim3 grid(div_up(dst.cols, threads.x), div_up(dst.rows, threads.y));
float sx = (float)src.cols / dst.cols;
float sy = (float)src.rows / dst.rows;
resize_8UC4_kernel<<<grid, threads>>>(sx, sy, dst);
cudaSafeCall(cudaThreadSynchronize());
cudaSafeCall(cudaUnbindTexture(resize8UC4_tex));
}
extern "C" __global__ void resize_8UC1_kernel(float sx, float sy, DevMem2D dst)
{
unsigned int x = blockIdx.x * blockDim.x + threadIdx.x;
unsigned int y = blockIdx.y * blockDim.y + threadIdx.y;
if (x < dst.cols && y < dst.rows)
((unsigned char*)dst.ptr(y))[x] = tex2D(resize8UC1_tex, x * sx, y * sy);
}
void resize_8UC1(const DevMem2D& src, DevMem2D dst)
{
cudaChannelFormatDesc desc = cudaCreateChannelDesc<unsigned char>();
cudaBindTexture2D(0, resize8UC1_tex, src.data, desc, src.cols, src.rows, src.step);
dim3 threads(32, 8);
dim3 grid(div_up(dst.cols, threads.x), div_up(dst.rows, threads.y));
float sx = (float)src.cols / dst.cols;
float sy = (float)src.rows / dst.rows;
resize_8UC1_kernel<<<grid, threads>>>(sx, sy, dst);
cudaSafeCall(cudaThreadSynchronize());
cudaSafeCall(cudaUnbindTexture(resize8UC1_tex));
}
}}}
\ No newline at end of file
modules/gpu/src/hog.cpp
0 → 100644
View file @
13134595
/*M///////////////////////////////////////////////////////////////////////////////////////
//
// IMPORTANT: READ BEFORE DOWNLOADING, COPYING, INSTALLING OR USING.
//
// By downloading, copying, installing or using the software you agree to this license.
// If you do not agree to this license, do not download, install,
// copy or use the software.
//
//
// License Agreement
// For Open Source Computer Vision Library
//
// Copyright (C) 2000-2008, Intel Corporation, all rights reserved.
// Copyright (C) 2009, Willow Garage Inc., all rights reserved.
// Third party copyrights are property of their respective owners.
//
// Redistribution and use in source and binary forms, with or without modification,
// are permitted provided that the following conditions are met:
//
// * Redistribution's of source code must retain the above copyright notice,
// this list of conditions and the following disclaimer.
//
// * Redistribution's in binary form must reproduce the above copyright notice,
// this list of conditions and the following disclaimer in the documentation
// and/or other GpuMaterials provided with the distribution.
//
// * The name of the copyright holders may not be used to endorse or promote products
// derived from this software without specific prior written permission.
//
// This software is provided by the copyright holders and contributors "as is" and
// any express or bpied warranties, including, but not limited to, the bpied
// warranties of merchantability and fitness for a particular purpose are disclaimed.
// In no event shall the Intel Corporation or contributors be liable for any direct,
// indirect, incidental, special, exemplary, or consequential damages
// (including, but not limited to, procurement of substitute goods or services;
// loss of use, data, or profits; or business interruption) however caused
// and on any theory of liability, whether in contract, strict liability,
// or tort (including negligence or otherwise) arising in any way out of
// the use of this software, even if advised of the possibility of such damage.
//
//M*/
#include "precomp.hpp"
#if !defined (HAVE_CUDA)
cv
::
gpu
::
HOGDescriptor
::
HOGDescriptor
(
Size
,
Size
,
Size
,
Size
,
bool
,
int
,
double
,
double
,
int
)
{
throw_nogpu
();
}
size_t
cv
::
gpu
::
HOGDescriptor
::
getDescriptorSize
()
const
{
throw_nogpu
();
return
0
;
}
size_t
cv
::
gpu
::
HOGDescriptor
::
getBlockHistogramSize
()
const
{
throw_nogpu
();
return
0
;
}
double
cv
::
gpu
::
HOGDescriptor
::
getWinSigma
()
const
{
throw_nogpu
();
return
0
;
}
bool
cv
::
gpu
::
HOGDescriptor
::
checkDetectorSize
()
const
{
throw_nogpu
();
return
false
;
}
void
cv
::
gpu
::
HOGDescriptor
::
setSVMDetector
(
const
vector
<
float
>&
)
{
throw_nogpu
();
}
void
cv
::
gpu
::
HOGDescriptor
::
computeGradient
(
const
GpuMat
&
,
GpuMat
&
,
GpuMat
&
)
{
throw_nogpu
();
}
void
cv
::
gpu
::
HOGDescriptor
::
detect
(
const
GpuMat
&
,
vector
<
Point
>&
,
double
,
Size
,
Size
)
{
throw_nogpu
();
}
void
cv
::
gpu
::
HOGDescriptor
::
detectMultiScale
(
const
GpuMat
&
,
vector
<
Rect
>&
,
double
,
Size
,
Size
,
double
,
int
)
{
throw_nogpu
();
}
int
cv
::
gpu
::
HOGDescriptor
::
numPartsWithin
(
int
,
int
,
int
)
{
throw_nogpu
();
return
0
;
}
cv
::
Size
cv
::
gpu
::
HOGDescriptor
::
numPartsWithin
(
cv
::
Size
,
cv
::
Size
,
cv
::
Size
)
{
throw_nogpu
();
return
cv
::
Size
();
}
std
::
vector
<
float
>
cv
::
gpu
::
HOGDescriptor
::
getDefaultPeopleDetector
()
{
throw_nogpu
();
return
std
::
vector
<
float
>
();
}
#else
namespace
cv
{
namespace
gpu
{
namespace
hog
{
void
set_up_constants
(
int
nbins
,
int
block_stride_x
,
int
block_stride_y
,
int
nblocks_win_x
,
int
nblocks_win_y
);
void
compute_hists
(
int
nbins
,
int
block_stride_x
,
int
blovck_stride_y
,
int
height
,
int
width
,
const
cv
::
gpu
::
DevMem2Df
&
grad
,
const
cv
::
gpu
::
DevMem2D
&
qangle
,
float
sigma
,
float
*
block_hists
);
void
normalize_hists
(
int
nbins
,
int
block_stride_x
,
int
block_stride_y
,
int
height
,
int
width
,
float
*
block_hists
,
float
threshold
);
void
classify_hists
(
int
win_height
,
int
win_width
,
int
block_stride_x
,
int
block_stride_y
,
int
height
,
int
width
,
float
*
block_hists
,
float
*
coefs
,
float
free_coef
,
float
threshold
,
unsigned
char
*
labels
);
void
compute_gradients_8UC1
(
int
nbins
,
int
height
,
int
width
,
const
cv
::
gpu
::
DevMem2D
&
img
,
float
angle_scale
,
cv
::
gpu
::
DevMem2Df
grad
,
cv
::
gpu
::
DevMem2D
qangle
);
void
compute_gradients_8UC4
(
int
nbins
,
int
height
,
int
width
,
const
cv
::
gpu
::
DevMem2D
&
img
,
float
angle_scale
,
cv
::
gpu
::
DevMem2Df
grad
,
cv
::
gpu
::
DevMem2D
qangle
);
void
resize_8UC1
(
const
cv
::
gpu
::
DevMem2D
&
src
,
cv
::
gpu
::
DevMem2D
dst
);
void
resize_8UC4
(
const
cv
::
gpu
::
DevMem2D
&
src
,
cv
::
gpu
::
DevMem2D
dst
);
}}}
cv
::
gpu
::
HOGDescriptor
::
HOGDescriptor
(
Size
win_size
,
Size
block_size
,
Size
block_stride
,
Size
cell_size
,
bool
gamma_correction
,
int
nbins
,
double
win_sigma
,
double
threshold_L2hys
,
int
nlevels
)
:
win_size
(
win_size
),
block_size
(
block_size
),
block_stride
(
block_stride
),
cell_size
(
cell_size
),
gamma_correction
(
gamma_correction
),
nbins
(
nbins
),
win_sigma
(
win_sigma
),
threshold_L2hys
(
threshold_L2hys
),
nlevels
(
nlevels
)
{
CV_Assert
((
win_size
.
width
-
block_size
.
width
)
%
block_stride
.
width
==
0
&&
(
win_size
.
height
-
block_size
.
height
)
%
block_stride
.
height
==
0
);
CV_Assert
(
block_size
.
width
%
cell_size
.
width
==
0
&&
block_size
.
height
%
cell_size
.
height
==
0
);
CV_Assert
(
block_stride
==
cell_size
);
CV_Assert
(
cell_size
==
Size
(
8
,
8
));
CV_Assert
(
gamma_correction
==
true
);
Size
cells_per_block
=
Size
(
block_size
.
width
/
cell_size
.
width
,
block_size
.
height
/
cell_size
.
height
);
CV_Assert
(
cells_per_block
==
Size
(
2
,
2
));
cv
::
Size
blocks_per_win
=
numPartsWithin
(
win_size
,
block_size
,
block_stride
);
hog
::
set_up_constants
(
nbins
,
block_stride
.
width
,
block_stride
.
height
,
blocks_per_win
.
width
,
blocks_per_win
.
height
);
}
size_t
cv
::
gpu
::
HOGDescriptor
::
getDescriptorSize
()
const
{
return
numPartsWithin
(
win_size
,
block_size
,
block_stride
).
area
()
*
getBlockHistogramSize
();
}
size_t
cv
::
gpu
::
HOGDescriptor
::
getBlockHistogramSize
()
const
{
Size
cells_per_block
=
Size
(
block_size
.
width
/
cell_size
.
width
,
block_size
.
height
/
cell_size
.
height
);
return
(
size_t
)(
nbins
*
cells_per_block
.
area
());
}
double
cv
::
gpu
::
HOGDescriptor
::
getWinSigma
()
const
{
return
win_sigma
>=
0
?
win_sigma
:
(
block_size
.
width
+
block_size
.
height
)
/
8.0
;
}
bool
cv
::
gpu
::
HOGDescriptor
::
checkDetectorSize
()
const
{
size_t
detector_size
=
detector
.
rows
*
detector
.
cols
;
size_t
descriptor_size
=
getDescriptorSize
();
return
detector_size
==
0
||
detector_size
==
descriptor_size
||
detector_size
==
descriptor_size
+
1
;
}
void
cv
::
gpu
::
HOGDescriptor
::
setSVMDetector
(
const
vector
<
float
>&
detector
)
{
std
::
vector
<
float
>
detector_reordered
(
detector
.
size
());
size_t
block_hist_size
=
getBlockHistogramSize
();
cv
::
Size
blocks_per_img
=
numPartsWithin
(
win_size
,
block_size
,
block_stride
);
for
(
int
i
=
0
;
i
<
blocks_per_img
.
height
;
++
i
)
for
(
int
j
=
0
;
j
<
blocks_per_img
.
width
;
++
j
)
{
const
float
*
src
=
&
detector
[
0
]
+
(
j
*
blocks_per_img
.
height
+
i
)
*
block_hist_size
;
float
*
dst
=
&
detector_reordered
[
0
]
+
(
i
*
blocks_per_img
.
width
+
j
)
*
block_hist_size
;
for
(
size_t
k
=
0
;
k
<
block_hist_size
;
++
k
)
dst
[
k
]
=
src
[
k
];
}
this
->
detector
.
upload
(
Mat
(
detector_reordered
).
reshape
(
1
,
1
));
size_t
descriptor_size
=
getDescriptorSize
();
free_coef
=
detector
.
size
()
>
descriptor_size
?
detector
[
descriptor_size
]
:
0
;
CV_Assert
(
checkDetectorSize
());
}
void
cv
::
gpu
::
HOGDescriptor
::
computeGradient
(
const
GpuMat
&
img
,
GpuMat
&
grad
,
GpuMat
&
qangle
)
{
CV_Assert
(
img
.
type
()
==
CV_8UC1
||
img
.
type
()
==
CV_8UC4
);
grad
.
create
(
img
.
size
(),
CV_32FC2
);
qangle
.
create
(
img
.
size
(),
CV_8UC2
);
float
angleScale
=
(
float
)(
nbins
/
CV_PI
);
switch
(
img
.
type
())
{
case
CV_8UC1
:
hog
::
compute_gradients_8UC1
(
nbins
,
img
.
rows
,
img
.
cols
,
img
,
angleScale
,
grad
,
qangle
);
break
;
case
CV_8UC4
:
hog
::
compute_gradients_8UC4
(
nbins
,
img
.
rows
,
img
.
cols
,
img
,
angleScale
,
grad
,
qangle
);
break
;
}
}
void
cv
::
gpu
::
HOGDescriptor
::
detect
(
const
GpuMat
&
img
,
vector
<
Point
>&
hits
,
double
hit_threshold
,
Size
win_stride
,
Size
padding
)
{
hits
.
clear
();
if
(
detector
.
empty
())
return
;
GpuMat
grad
,
qangle
;
computeGradient
(
img
,
grad
,
qangle
);
if
(
win_stride
==
Size
())
win_stride
=
block_stride
;
else
CV_Assert
(
win_stride
==
block_stride
);
CV_Assert
(
padding
==
Size
(
0
,
0
));
size_t
block_hist_size
=
getBlockHistogramSize
();
Size
blocks_per_win
=
numPartsWithin
(
win_size
,
block_size
,
block_stride
);
Size
wins_per_img
=
numPartsWithin
(
img
.
size
(),
win_size
,
win_stride
);
Size
blocks_per_img
=
numPartsWithin
(
img
.
size
(),
block_size
,
block_stride
);
labels
.
create
(
1
,
wins_per_img
.
area
(),
CV_8U
);
block_hists
.
create
(
1
,
block_hist_size
*
blocks_per_img
.
area
(),
CV_32F
);
hog
::
compute_hists
(
nbins
,
block_stride
.
width
,
block_stride
.
height
,
img
.
rows
,
img
.
cols
,
grad
,
qangle
,
(
float
)
getWinSigma
(),
block_hists
.
ptr
<
float
>
());
hog
::
normalize_hists
(
nbins
,
block_stride
.
width
,
block_stride
.
height
,
img
.
rows
,
img
.
cols
,
block_hists
.
ptr
<
float
>
(),
(
float
)
threshold_L2hys
);
hog
::
classify_hists
(
win_size
.
height
,
win_size
.
width
,
block_stride
.
height
,
block_stride
.
width
,
img
.
rows
,
img
.
cols
,
block_hists
.
ptr
<
float
>
(),
detector
.
ptr
<
float
>
(),
(
float
)
free_coef
,
(
float
)
hit_threshold
,
labels
.
ptr
());
labels
.
download
(
labels_host
);
unsigned
char
*
vec
=
labels_host
.
ptr
();
for
(
int
i
=
0
;
i
<
wins_per_img
.
area
();
i
++
)
{
int
y
=
i
/
wins_per_img
.
width
;
int
x
=
i
-
wins_per_img
.
width
*
y
;
if
(
vec
[
i
])
hits
.
push_back
(
Point
(
x
*
win_stride
.
width
,
y
*
win_stride
.
height
));
}
}
void
cv
::
gpu
::
HOGDescriptor
::
detectMultiScale
(
const
GpuMat
&
img
,
vector
<
Rect
>&
found_locations
,
double
hit_threshold
,
Size
win_stride
,
Size
padding
,
double
scale0
,
int
group_threshold
)
{
CV_Assert
(
img
.
type
()
==
CV_8UC1
||
img
.
type
()
==
CV_8UC4
);
vector
<
double
>
level_scale
;
double
scale
=
1.
;
int
levels
=
0
;
for
(
levels
=
0
;
levels
<
nlevels
;
levels
++
)
{
level_scale
.
push_back
(
scale
);
if
(
cvRound
(
img
.
cols
/
scale
)
<
win_size
.
width
||
cvRound
(
img
.
rows
/
scale
)
<
win_size
.
height
||
scale0
<=
1
)
break
;
scale
*=
scale0
;
}
levels
=
std
::
max
(
levels
,
1
);
level_scale
.
resize
(
levels
);
std
::
vector
<
Rect
>
all_candidates
;
vector
<
Point
>
locations
;
for
(
size_t
i
=
0
;
i
<
level_scale
.
size
();
i
++
)
{
double
scale
=
level_scale
[
i
];
Size
sz
=
Size_
<
double
>
(
img
.
size
())
*
(
1.0
/
scale
);
GpuMat
smaller_img
;
if
(
sz
==
img
.
size
())
smaller_img
=
img
;
else
{
smaller_img
.
create
(
sz
,
img
.
type
());
switch
(
img
.
type
())
{
case
CV_8UC1
:
hog
::
resize_8UC1
(
img
,
smaller_img
);
break
;
case
CV_8UC4
:
hog
::
resize_8UC4
(
img
,
smaller_img
);
break
;
}
}
detect
(
smaller_img
,
locations
,
hit_threshold
,
win_stride
,
padding
);
Size
scaled_win_size
=
Size_
<
double
>
(
win_size
)
*
scale
;
for
(
size_t
j
=
0
;
j
<
locations
.
size
();
j
++
)
all_candidates
.
push_back
(
Rect
(
Point2d
(
locations
[
j
])
*
scale
,
scaled_win_size
));
}
found_locations
.
assign
(
all_candidates
.
begin
(),
all_candidates
.
end
());
groupRectangles
(
found_locations
,
group_threshold
,
0.2
/*magic number copied from CPU version*/
);
}
cv
::
gpu
::
GpuMat
cv
::
gpu
::
HOGDescriptor
::
getLastBlockHists
()
const
{
return
block_hists
;
}
int
cv
::
gpu
::
HOGDescriptor
::
numPartsWithin
(
int
size
,
int
part_size
,
int
stride
)
{
return
(
size
-
part_size
+
stride
)
/
stride
;
}
cv
::
Size
cv
::
gpu
::
HOGDescriptor
::
numPartsWithin
(
cv
::
Size
size
,
cv
::
Size
part_size
,
cv
::
Size
stride
)
{
return
Size
(
numPartsWithin
(
size
.
width
,
part_size
.
width
,
stride
.
width
),
numPartsWithin
(
size
.
height
,
part_size
.
height
,
stride
.
height
));
}
std
::
vector
<
float
>
cv
::
gpu
::
HOGDescriptor
::
getDefaultPeopleDetector
()
{
static
const
float
detector
[]
=
{
0.05359386
f
,
-
0.14721455
f
,
-
0.05532170
f
,
0.05077307
f
,
0.11547081
f
,
-
0.04268804
f
,
0.04635834
f
,
-
0.05468199
f
,
0.08232084
f
,
0.10424068
f
,
-
0.02294518
f
,
0.01108519
f
,
0.01378693
f
,
0.11193510
f
,
0.01268418
f
,
0.08528346
f
,
-
0.06309239
f
,
0.13054633
f
,
0.08100729
f
,
-
0.05209739
f
,
-
0.04315529
f
,
0.09341384
f
,
0.11035026
f
,
-
0.07596218
f
,
-
0.05517511
f
,
-
0.04465296
f
,
0.02947334
f
,
0.04555536
f
,
-
3.55954492e-003
f
,
0.07818956
f
,
0.07730991
f
,
0.07890715
f
,
0.06222893
f
,
0.09001380
f
,
-
0.03574381
f
,
0.03414327
f
,
0.05677258
f
,
-
0.04773581
f
,
0.03746637
f
,
-
0.03521175
f
,
0.06955440
f
,
-
0.03849038
f
,
0.01052293
f
,
0.01736112
f
,
0.10867710
f
,
0.08748853
f
,
3.29739624e-003
f
,
0.10907028
f
,
0.07913758
f
,
0.10393070
f
,
0.02091867
f
,
0.11594022
f
,
0.13182420
f
,
0.09879354
f
,
0.05362710
f
,
-
0.06745391
f
,
-
7.01260753e-003
f
,
5.24702156e-003
f
,
0.03236255
f
,
0.01407916
f
,
0.02207983
f
,
0.02537322
f
,
0.04547948
f
,
0.07200756
f
,
0.03129894
f
,
-
0.06274468
f
,
0.02107014
f
,
0.06035208
f
,
0.08636236
f
,
4.53164103e-003
f
,
0.02193363
f
,
0.02309801
f
,
0.05568166
f
,
-
0.02645093
f
,
0.04448695
f
,
0.02837519
f
,
0.08975694
f
,
0.04461516
f
,
0.08975355
f
,
0.07514391
f
,
0.02306982
f
,
0.10410084
f
,
0.06368385
f
,
0.05943464
f
,
4.58420580e-003
f
,
0.05220337
f
,
0.06675851
f
,
0.08358569
f
,
0.06712101
f
,
0.06559004
f
,
-
0.03930482
f
,
-
9.15936660e-003
f
,
-
0.05897915
f
,
0.02816453
f
,
0.05032348
f
,
0.06780671
f
,
0.03377650
f
,
-
6.09417039e-004
f
,
-
0.01795146
f
,
-
0.03083684
f
,
-
0.01302475
f
,
-
0.02972313
f
,
7.88706727e-003
f
,
-
0.03525961
f
,
-
2.50397739e-003
f
,
0.05245084
f
,
0.11791293
f
,
-
0.02167498
f
,
0.05299332
f
,
0.06640524
f
,
0.05190265
f
,
-
8.27316567e-003
f
,
0.03033127
f
,
0.05842173
f
,
-
4.01050318e-003
f
,
-
6.25105947e-003
f
,
0.05862958
f
,
-
0.02465461
f
,
0.05546781
f
,
-
0.08228195
f
,
-
0.07234028
f
,
0.04640540
f
,
-
0.01308254
f
,
-
0.02506191
f
,
0.03100746
f
,
-
0.04665651
f
,
-
0.04591486
f
,
0.02949927
f
,
0.06035462
f
,
0.02244646
f
,
-
0.01698639
f
,
0.01040041
f
,
0.01131170
f
,
0.05419579
f
,
-
0.02130277
f
,
-
0.04321722
f
,
-
0.03665198
f
,
0.01126490
f
,
-
0.02606488
f
,
-
0.02228328
f
,
-
0.02255680
f
,
-
0.03427236
f
,
-
7.75165204e-003
f
,
-
0.06195229
f
,
8.21638294e-003
f
,
0.09535975
f
,
-
0.03709979
f
,
-
0.06942501
f
,
0.14579427
f
,
-
0.05448192
f
,
-
0.02055904
f
,
0.05747357
f
,
0.02781788
f
,
-
0.07077577
f
,
-
0.05178314
f
,
-
0.10429011
f
,
-
0.11235505
f
,
0.07529039
f
,
-
0.07559302
f
,
-
0.08786739
f
,
0.02983843
f
,
0.02667585
f
,
0.01382199
f
,
-
0.01797496
f
,
-
0.03141199
f
,
-
0.02098101
f
,
0.09029204
f
,
0.04955018
f
,
0.13718739
f
,
0.11379953
f
,
1.80019124e-003
f
,
-
0.04577610
f
,
-
1.11108483e-003
f
,
-
0.09470536
f
,
-
0.11596080
f
,
0.04489342
f
,
0.01784211
f
,
3.06850672e-003
f
,
0.10781866
f
,
3.36498418e-003
f
,
-
0.10842580
f
,
-
0.07436839
f
,
-
0.10535070
f
,
-
0.01866805
f
,
0.16057891
f
,
-
5.07316366e-003
f
,
-
0.04295658
f
,
-
5.90488780e-003
f
,
8.82003549e-003
f
,
-
0.01492646
f
,
-
0.05029279
f
,
-
0.12875880
f
,
8.78831954e-004
f
,
-
0.01297184
f
,
-
0.07592774
f
,
-
0.02668831
f
,
-
6.93787413e-004
f
,
0.02406698
f
,
-
0.01773298
f
,
-
0.03855745
f
,
-
0.05877856
f
,
0.03259695
f
,
0.12826584
f
,
0.06292590
f
,
-
4.10733931e-003
f
,
0.10996531
f
,
0.01332991
f
,
0.02088735
f
,
0.04037504
f
,
-
0.05210760
f
,
0.07760046
f
,
0.06399347
f
,
-
0.05751930
f
,
-
0.10053057
f
,
0.07505023
f
,
-
0.02139782
f
,
0.01796176
f
,
2.34400877e-003
f
,
-
0.04208319
f
,
0.07355055
f
,
0.05093350
f
,
-
0.02996780
f
,
-
0.02219072
f
,
0.03355330
f
,
0.04418742
f
,
-
0.05580705
f
,
-
0.05037573
f
,
-
0.04548179
f
,
0.01379514
f
,
0.02150671
f
,
-
0.02194211
f
,
-
0.13682702
f
,
0.05464972
f
,
0.01608082
f
,
0.05309116
f
,
0.04701022
f
,
1.33690401e-003
f
,
0.07575664
f
,
0.09625306
f
,
8.92647635e-003
f
,
-
0.02819123
f
,
0.10866830
f
,
-
0.03439325
f
,
-
0.07092371
f
,
-
0.06004780
f
,
-
0.02712298
f
,
-
7.07467366e-003
f
,
-
0.01637020
f
,
0.01336790
f
,
-
0.10313606
f
,
0.04906582
f
,
-
0.05732445
f
,
-
0.02731079
f
,
0.01042235
f
,
-
0.08340668
f
,
0.03686501
f
,
0.06108340
f
,
0.01322748
f
,
-
0.07809529
f
,
0.03774724
f
,
-
0.03413248
f
,
-
0.06096525
f
,
-
0.04212124
f
,
-
0.07982176
f
,
-
1.25973229e-003
f
,
-
0.03045501
f
,
-
0.01236493
f
,
-
0.06312395
f
,
0.04789570
f
,
-
0.04602066
f
,
0.08576570
f
,
0.02521080
f
,
0.02988098
f
,
0.10314583
f
,
0.07060035
f
,
0.04520544
f
,
-
0.04426654
f
,
0.13146530
f
,
0.08386490
f
,
0.02164590
f
,
-
2.12280243e-003
f
,
-
0.03686353
f
,
-
0.02074944
f
,
-
0.03829959
f
,
-
0.01530596
f
,
0.02689708
f
,
0.11867401
f
,
-
0.06043470
f
,
-
0.02785023
f
,
-
0.04775074
f
,
0.04878745
f
,
0.06350956
f
,
0.03494788
f
,
0.01467400
f
,
1.17890188e-003
f
,
0.04379614
f
,
2.03681854e-003
f
,
-
0.03958609
f
,
-
0.01072688
f
,
6.43705716e-003
f
,
0.02996500
f
,
-
0.03418507
f
,
-
0.01960307
f
,
-
0.01219154
f
,
-
4.37000440e-003
f
,
-
0.02549453
f
,
0.02646318
f
,
-
0.01632513
f
,
6.46516960e-003
f
,
-
0.01929734
f
,
4.78711911e-003
f
,
0.04962371
f
,
0.03809111
f
,
0.07265724
f
,
0.05758125
f
,
-
0.03741554
f
,
0.01648608
f
,
-
8.45285598e-003
f
,
0.03996826
f
,
-
0.08185477
f
,
0.02638875
f
,
-
0.04026615
f
,
-
0.02744674
f
,
-
0.04071517
f
,
1.05096330e-003
f
,
-
0.04741232
f
,
-
0.06733172
f
,
8.70434940e-003
f
,
-
0.02192543
f
,
1.35350740e-003
f
,
-
0.03056974
f
,
-
0.02975521
f
,
-
0.02887780
f
,
-
0.01210713
f
,
-
0.04828526
f
,
-
0.09066251
f
,
-
0.09969629
f
,
-
0.03665164
f
,
-
8.88111943e-004
f
,
-
0.06826669
f
,
-
0.01866150
f
,
-
0.03627640
f
,
-
0.01408288
f
,
0.01874239
f
,
-
0.02075835
f
,
0.09145175
f
,
-
0.03547291
f
,
0.05396780
f
,
0.04198981
f
,
0.01301925
f
,
-
0.03384354
f
,
-
0.12201976
f
,
0.06830920
f
,
-
0.03715654
f
,
9.55848210e-003
f
,
5.05685573e-003
f
,
0.05659294
f
,
3.90764466e-003
f
,
0.02808490
f
,
-
0.05518097
f
,
-
0.03711621
f
,
-
0.02835565
f
,
-
0.04420464
f
,
-
0.01031947
f
,
0.01883466
f
,
-
8.49525444e-003
f
,
-
0.09419250
f
,
-
0.01269387
f
,
-
0.02133371
f
,
-
0.10190815
f
,
-
0.07844430
f
,
2.43644323e-003
f
,
-
4.09610150e-003
f
,
0.01202551
f
,
-
0.06452291
f
,
-
0.10593818
f
,
-
0.02464746
f
,
-
0.02199699
f
,
-
0.07401930
f
,
0.07285886
f
,
8.87513801e-004
f
,
9.97662079e-003
f
,
8.46779719e-003
f
,
0.03730333
f
,
-
0.02905126
f
,
0.03573337
f
,
-
0.04393689
f
,
-
0.12014472
f
,
0.03176554
f
,
-
2.76015815e-003
f
,
0.10824566
f
,
0.05090732
f
,
-
3.30179278e-003
f
,
-
0.05123822
f
,
5.04784798e-003
f
,
-
0.05664124
f
,
-
5.99415926e-003
f
,
-
0.05341901
f
,
-
0.01221393
f
,
0.01291318
f
,
9.91760660e-003
f
,
-
7.56987557e-003
f
,
-
0.06193124
f
,
-
2.24549137e-003
f
,
0.01987562
f
,
-
0.02018840
f
,
-
0.06975540
f
,
-
0.06601523
f
,
-
0.03349112
f
,
-
0.08910118
f
,
-
0.03371435
f
,
-
0.07406893
f
,
-
0.02248047
f
,
-
0.06159951
f
,
2.77751544e-003
f
,
-
0.05723337
f
,
-
0.04792468
f
,
0.07518548
f
,
2.77279224e-003
f
,
0.04211938
f
,
0.03100502
f
,
0.05278448
f
,
0.03954679
f
,
-
0.03006846
f
,
-
0.03851741
f
,
-
0.02792403
f
,
-
0.02875333
f
,
0.01531280
f
,
0.02186953
f
,
-
0.01989829
f
,
2.50679464e-003
f
,
-
0.10258728
f
,
-
0.04785743
f
,
-
0.02887216
f
,
3.85063468e-003
f
,
0.01112236
f
,
8.29218887e-003
f
,
-
0.04822981
f
,
-
0.04503597
f
,
-
0.03713100
f
,
-
0.06988008
f
,
-
0.11002295
f
,
-
2.69209221e-003
f
,
1.85383670e-003
f
,
-
0.05921049
f
,
-
0.06105053
f
,
-
0.08458050
f
,
-
0.04527602
f
,
8.90329306e-004
f
,
-
0.05875023
f
,
-
2.68602883e-003
f
,
-
0.01591195
f
,
0.03631859
f
,
0.05493166
f
,
0.07300330
f
,
5.53333294e-003
f
,
0.06400407
f
,
0.01847740
f
,
-
5.76280477e-003
f
,
-
0.03210877
f
,
4.25160583e-003
f
,
0.01166520
f
,
-
1.44864211e-003
f
,
0.02253744
f
,
-
0.03367080
f
,
0.06983195
f
,
-
4.22323542e-003
f
,
-
8.89401045e-003
f
,
-
0.07943393
f
,
0.05199728
f
,
0.06065201
f
,
0.04133492
f
,
1.44032843e-003
f
,
-
0.09585235
f
,
-
0.03964731
f
,
0.04232114
f
,
0.01750465
f
,
-
0.04487902
f
,
-
7.59733608e-003
f
,
0.02011171
f
,
0.04673622
f
,
0.09011173
f
,
-
0.07869188
f
,
-
0.04682482
f
,
-
0.05080139
f
,
-
3.99383716e-003
f
,
-
0.05346331
f
,
0.01085723
f
,
-
0.03599333
f
,
-
0.07097908
f
,
0.03551549
f
,
0.02680387
f
,
0.03471529
f
,
0.01790393
f
,
0.05471273
f
,
9.62048303e-003
f
,
-
0.03180215
f
,
0.05864431
f
,
0.02330614
f
,
0.01633144
f
,
-
0.05616681
f
,
-
0.10245429
f
,
-
0.08302189
f
,
0.07291322
f
,
-
0.01972590
f
,
-
0.02619633
f
,
-
0.02485327
f
,
-
0.04627592
f
,
1.48853404e-003
f
,
0.05514185
f
,
-
0.01270860
f
,
-
0.01948900
f
,
0.06373586
f
,
0.05002292
f
,
-
0.03009798
f
,
8.76216311e-003
f
,
-
0.02474238
f
,
-
0.05504891
f
,
1.74034527e-003
f
,
-
0.03333667
f
,
0.01524987
f
,
0.11663762
f
,
-
1.32344989e-003
f
,
-
0.06608453
f
,
0.05687166
f
,
-
6.89525274e-004
f
,
-
0.04402352
f
,
0.09450210
f
,
-
0.04222684
f
,
-
0.05360983
f
,
0.01779531
f
,
0.02561388
f
,
-
0.11075410
f
,
-
8.77790991e-003
f
,
-
0.01099504
f
,
-
0.10380266
f
,
0.03103457
f
,
-
0.02105741
f
,
-
0.07371717
f
,
0.05146710
f
,
0.10581432
f
,
-
0.08617968
f
,
-
0.02892107
f
,
0.01092199
f
,
0.14551543
f
,
-
2.24320893e-003
f
,
-
0.05818033
f
,
-
0.07390742
f
,
0.05701261
f
,
0.12937020
f
,
-
0.04986651
f
,
0.10182415
f
,
0.05028650
f
,
0.12515625
f
,
0.09175041
f
,
0.06404983
f
,
0.01523394
f
,
0.09460562
f
,
0.06106631
f
,
-
0.14266998
f
,
-
0.02926703
f
,
0.02762171
f
,
0.02164151
f
,
-
9.58488265e-004
f
,
-
0.04231362
f
,
-
0.09866509
f
,
0.04322244
f
,
0.05872034
f
,
-
0.04838847
f
,
0.06319253
f
,
0.02443798
f
,
-
0.03606876
f
,
9.38737206e-003
f
,
0.04289991
f
,
-
0.01027411
f
,
0.08156885
f
,
0.08751175
f
,
-
0.13191354
f
,
8.16054735e-003
f
,
-
0.01452161
f
,
0.02952677
f
,
0.03615945
f
,
-
2.09128903e-003
f
,
0.02246693
f
,
0.09623287
f
,
0.09412123
f
,
-
0.02924758
f
,
-
0.07815186
f
,
-
0.02203079
f
,
-
2.02566991e-003
f
,
0.01094733
f
,
-
0.01442332
f
,
0.02838561
f
,
0.11882371
f
,
7.28798332e-003
f
,
-
0.10345965
f
,
0.07561217
f
,
-
0.02049661
f
,
4.44177445e-003
f
,
0.01609347
f
,
-
0.04893158
f
,
-
0.08758243
f
,
-
7.67420698e-003
f
,
0.08862378
f
,
0.06098121
f
,
0.06565887
f
,
7.32981879e-003
f
,
0.03558407
f
,
-
0.03874352
f
,
-
0.02490055
f
,
-
0.06771075
f
,
0.09939223
f
,
-
0.01066077
f
,
0.01382995
f
,
-
0.07289080
f
,
7.47184316e-003
f
,
0.10621431
f
,
-
0.02878659
f
,
0.02383525
f
,
-
0.03274646
f
,
0.02137008
f
,
0.03837290
f
,
0.02450992
f
,
-
0.04296818
f
,
-
0.02895143
f
,
0.05327370
f
,
0.01499020
f
,
0.04998732
f
,
0.12938657
f
,
0.09391870
f
,
0.04292390
f
,
-
0.03359194
f
,
-
0.06809492
f
,
0.01125796
f
,
0.17290455
f
,
-
0.03430733
f
,
-
0.06255233
f
,
-
0.01813114
f
,
0.11726857
f
,
-
0.06127599
f
,
-
0.08677909
f
,
-
0.03429872
f
,
0.04684938
f
,
0.08161420
f
,
0.03538774
f
,
0.01833884
f
,
0.11321855
f
,
0.03261845
f
,
-
0.04826299
f
,
0.01752407
f
,
-
0.01796414
f
,
-
0.10464549
f
,
-
3.30041884e-003
f
,
2.29343961e-004
f
,
0.01457292
f
,
-
0.02132982
f
,
-
0.02602923
f
,
-
9.87351313e-003
f
,
0.04273872
f
,
-
0.02103316
f
,
-
0.07994065
f
,
0.02614958
f
,
-
0.02111666
f
,
-
0.06964913
f
,
-
0.13453490
f
,
-
0.06861878
f
,
-
6.09341264e-003
f
,
0.08251446
f
,
0.15612499
f
,
2.46531400e-003
f
,
8.88424646e-003
f
,
-
0.04152999
f
,
0.02054853
f
,
0.05277953
f
,
-
0.03087788
f
,
0.02817579
f
,
0.13939077
f
,
0.07641046
f
,
-
0.03627627
f
,
-
0.03015098
f
,
-
0.04041540
f
,
-
0.01360690
f
,
-
0.06227205
f
,
-
0.02738223
f
,
0.13577610
f
,
0.15235767
f
,
-
0.05392922
f
,
-
0.11175954
f
,
0.02157129
f
,
0.01146481
f
,
-
0.05264937
f
,
-
0.06595174
f
,
-
0.02749175
f
,
0.11812254
f
,
0.17404149
f
,
-
0.06137035
f
,
-
0.11003478
f
,
-
0.01351621
f
,
-
0.01745916
f
,
-
0.08577441
f
,
-
0.04469909
f
,
-
0.06106115
f
,
0.10559758
f
,
0.20806813
f
,
-
0.09174948
f
,
7.09621934e-004
f
,
0.03579374
f
,
0.07215115
f
,
0.02221742
f
,
0.01827742
f
,
-
7.90785067e-003
f
,
0.01489554
f
,
0.14519960
f
,
-
0.06425831
f
,
0.02990399
f
,
-
1.80181325e-003
f
,
-
0.01401528
f
,
-
0.04171134
f
,
-
3.70530109e-003
f
,
-
0.09090481
f
,
0.09520713
f
,
0.08845516
f
,
-
0.02651753
f
,
-
0.03016730
f
,
0.02562448
f
,
0.03563816
f
,
-
0.03817881
f
,
0.01433385
f
,
0.02256983
f
,
0.02872120
f
,
0.01001934
f
,
-
0.06332260
f
,
0.04338406
f
,
0.07001807
f
,
-
0.04705722
f
,
-
0.07318907
f
,
0.02630457
f
,
0.03106382
f
,
0.06648342
f
,
0.10913180
f
,
-
0.01630815
f
,
0.02910308
f
,
0.02895109
f
,
0.08040254
f
,
0.06969310
f
,
0.06797734
f
,
6.08639978e-003
f
,
4.16588830e-003
f
,
0.08926726
f
,
-
0.03123648
f
,
0.02700146
f
,
0.01168734
f
,
-
0.01631594
f
,
4.61015804e-003
f
,
8.51359498e-003
f
,
-
0.03544224
f
,
0.03571994
f
,
4.29766066e-003
f
,
-
0.01970077
f
,
-
8.79793242e-003
f
,
0.09607988
f
,
0.01544222
f
,
-
0.03923707
f
,
0.07308586
f
,
0.06061262
f
,
1.31683104e-004
f
,
-
7.98222050e-003
f
,
0.02399261
f
,
-
0.06084389
f
,
-
0.02743429
f
,
-
0.05475523
f
,
-
0.04131311
f
,
0.03559756
f
,
0.03055342
f
,
0.02981433
f
,
0.14860515
f
,
0.01766787
f
,
0.02945257
f
,
0.04898238
f
,
0.01026922
f
,
0.02811658
f
,
0.08267091
f
,
0.02732154
f
,
-
0.01237693
f
,
0.11760156
f
,
0.03802063
f
,
-
0.03309754
f
,
5.24957618e-003
f
,
-
0.02460510
f
,
0.02691451
f
,
0.05399988
f
,
-
0.10133506
f
,
0.06385437
f
,
-
0.01818005
f
,
0.02259503
f
,
0.03573135
f
,
0.01042848
f
,
-
0.04153402
f
,
-
0.04043029
f
,
0.01643575
f
,
0.08326677
f
,
4.61383024e-004
f
,
-
0.05308095
f
,
-
0.08536223
f
,
-
1.61011645e-003
f
,
-
0.02163720
f
,
-
0.01783352
f
,
0.03859637
f
,
0.08498885
f
,
-
0.01725216
f
,
0.08625131
f
,
0.10995087
f
,
0.09177644
f
,
0.08498347
f
,
0.07646490
f
,
0.05580502
f
,
0.02693516
f
,
0.09996913
f
,
0.09070327
f
,
0.06667200
f
,
0.05873008
f
,
-
0.02247842
f
,
0.07772321
f
,
0.12408436
f
,
0.12629253
f
,
-
8.41997913e-004
f
,
0.01477783
f
,
0.09165990
f
,
-
2.98401713e-003
f
,
-
0.06466447
f
,
-
0.07057302
f
,
2.09516948e-004
f
,
0.02210209
f
,
-
0.02158809
f
,
-
0.08602506
f
,
-
0.02284836
f
,
4.01876355e-003
f
,
9.56660323e-003
f
,
-
0.02073978
f
,
-
0.04635138
f
,
-
7.59423291e-003
f
,
-
0.01377393
f
,
-
0.04559359
f
,
-
0.13284740
f
,
-
0.08671406
f
,
-
0.03654395
f
,
0.01142869
f
,
0.03287891
f
,
-
0.04392983
f
,
0.06142959
f
,
0.17710890
f
,
0.10385257
f
,
0.01329137
f
,
0.10067633
f
,
0.12450829
f
,
-
0.04476709
f
,
0.09049144
f
,
0.04589312
f
,
0.11167907
f
,
0.08587538
f
,
0.04767583
f
,
1.67188141e-003
f
,
0.02359802
f
,
-
0.03808852
f
,
0.03126272
f
,
-
0.01919029
f
,
-
0.05698918
f
,
-
0.02365112
f
,
-
0.06519032
f
,
-
0.05599358
f
,
-
0.07097308
f
,
-
0.03301812
f
,
-
0.04719102
f
,
-
0.02566297
f
,
0.01324074
f
,
-
0.09230672
f
,
-
0.05518232
f
,
-
0.04712864
f
,
-
0.03380903
f
,
-
0.06719479
f
,
0.01183908
f
,
-
0.09326738
f
,
0.01642865
f
,
0.03789867
f
,
-
6.61567831e-003
f
,
0.07796386
f
,
0.07246574
f
,
0.04706347
f
,
-
0.02523437
f
,
-
0.01696830
f
,
-
0.08068866
f
,
0.06030888
f
,
0.10527060
f
,
-
0.06611756
f
,
0.02977346
f
,
0.02621830
f
,
0.01913855
f
,
-
0.08479366
f
,
-
0.06322418
f
,
-
0.13570616
f
,
-
0.07644490
f
,
9.31900274e-003
f
,
-
0.08095149
f
,
-
0.10197903
f
,
-
0.05204025
f
,
0.01413151
f
,
-
0.07800411
f
,
-
0.01885122
f
,
-
0.07509381
f
,
-
0.10136326
f
,
-
0.05212355
f
,
-
0.09944065
f
,
-
1.33606605e-003
f
,
-
0.06342617
f
,
-
0.04178550
f
,
-
0.12373723
f
,
-
0.02832736
f
,
-
0.06057501
f
,
0.05830070
f
,
0.07604282
f
,
-
0.06462587
f
,
8.02447461e-003
f
,
0.11580125
f
,
0.12332212
f
,
0.01978462
f
,
-
2.72378162e-003
f
,
0.05850752
f
,
-
0.04674481
f
,
0.05148062
f
,
-
2.62542837e-003
f
,
0.11253355
f
,
0.09893716
f
,
0.09785093
f
,
-
0.04659257
f
,
-
0.01102429
f
,
-
0.07002308
f
,
0.03088913
f
,
-
0.02565549
f
,
-
0.07671449
f
,
3.17443861e-003
f
,
-
0.10783514
f
,
-
0.02314270
f
,
-
0.11089555
f
,
-
0.01024768
f
,
0.03116021
f
,
-
0.04964825
f
,
0.02281825
f
,
5.50005678e-003
f
,
-
0.08427856
f
,
-
0.14685495
f
,
-
0.07719755
f
,
-
0.13342668
f
,
-
0.04525511
f
,
-
0.09914210
f
,
0.02588859
f
,
0.03469279
f
,
0.04664020
f
,
0.11688190
f
,
0.09647275
f
,
0.10857815
f
,
-
0.01448726
f
,
0.04299758
f
,
-
0.06763151
f
,
1.33257592e-003
f
,
0.14331576
f
,
0.07574340
f
,
0.09166205
f
,
0.05674926
f
,
0.11325553
f
,
-
0.01106494
f
,
0.02062161
f
,
-
0.11484840
f
,
-
0.07492137
f
,
-
0.02864293
f
,
-
0.01275638
f
,
-
0.06946032
f
,
-
0.10101652
f
,
-
0.04113498
f
,
-
0.02214783
f
,
-
0.01273942
f
,
-
0.07480393
f
,
-
0.10556041
f
,
-
0.07622112
f
,
-
0.09988393
f
,
-
0.11453961
f
,
-
0.12073903
f
,
-
0.09412795
f
,
-
0.07146588
f
,
-
0.04054537
f
,
-
0.06127083
f
,
0.04221122
f
,
0.07688113
f
,
0.04099256
f
,
0.12663734
f
,
0.14683802
f
,
0.21761774
f
,
0.12525328
f
,
0.18431792
f
,
-
1.66402373e-003
f
,
2.37777247e-003
f
,
0.01445475
f
,
0.03509416
f
,
0.02654697
f
,
0.01716739
f
,
0.05374011
f
,
0.02944174
f
,
0.11323927
f
,
-
0.01485456
f
,
-
0.01611330
f
,
-
1.85554172e-003
f
,
-
0.01708549
f
,
-
0.05435753
f
,
-
0.05302101
f
,
0.05260378
f
,
-
0.03582945
f
,
-
3.42867890e-004
f
,
1.36076682e-003
f
,
-
0.04436073
f
,
-
0.04228432
f
,
0.03281291
f
,
-
0.05480836
f
,
-
0.10197772
f
,
-
0.07206279
f
,
-
0.10741059
f
,
-
0.02366946
f
,
0.10278475
f
,
-
2.74783419e-003
f
,
-
0.03242477
f
,
0.02308955
f
,
0.02835869
f
,
0.10348799
f
,
0.19580358
f
,
0.10252027
f
,
0.08039929
f
,
0.05525554
f
,
-
0.13250865
f
,
-
0.14395352
f
,
3.13586881e-003
f
,
-
0.03387071
f
,
8.94669443e-003
f
,
0.05406157
f
,
-
4.97324532e-003
f
,
-
0.01189114
f
,
2.82919413e-004
f
,
-
0.03901557
f
,
-
0.04898705
f
,
0.02164520
f
,
-
0.01382906
f
,
-
0.01850416
f
,
0.01869347
f
,
-
0.02450060
f
,
0.02291678
f
,
0.08196463
f
,
0.03309153
f
,
-
0.10629974
f
,
0.02473924
f
,
0.05344394
f
,
-
0.02404823
f
,
-
0.03243643
f
,
-
5.55244600e-003
f
,
-
0.08009996
f
,
0.02811539
f
,
0.04235742
f
,
0.01859004
f
,
0.04902123
f
,
-
0.01438252
f
,
-
0.01526853
f
,
0.02044195
f
,
-
0.05008660
f
,
0.04244113
f
,
0.07611816
f
,
0.04950470
f
,
-
0.06020549
f
,
-
4.26026015e-003
f
,
0.13133512
f
,
-
0.01438738
f
,
-
0.01958807
f
,
-
0.04044152
f
,
-
0.12425045
f
,
2.84353318e-003
f
,
-
0.05042776
f
,
-
0.09121484
f
,
7.34345755e-003
f
,
0.09388847
f
,
0.11800314
f
,
4.72295098e-003
f
,
4.44378285e-003
f
,
-
0.07984917
f
,
-
0.03613737
f
,
0.04490915
f
,
-
0.02246483
f
,
0.04681071
f
,
0.05240871
f
,
0.02157206
f
,
-
0.04603431
f
,
-
0.01197929
f
,
-
0.02748779
f
,
0.13621049
f
,
0.08812155
f
,
-
0.07802048
f
,
4.86458559e-003
f
,
-
0.01598836
f
,
0.01024450
f
,
-
0.03463517
f
,
-
0.02304239
f
,
-
0.08692665
f
,
0.06655128
f
,
0.05785803
f
,
-
0.12640759
f
,
0.02307472
f
,
0.07337402
f
,
0.07525434
f
,
0.04943763
f
,
-
0.02241034
f
,
-
0.09978238
f
,
0.14487994
f
,
-
0.06570521
f
,
-
0.07855482
f
,
0.02830222
f
,
-
5.29603509e-004
f
,
-
0.04669895
f
,
-
0.11822784
f
,
-
0.12246452
f
,
-
0.15365660
f
,
-
0.02969127
f
,
0.08078201
f
,
0.13512598
f
,
0.11505685
f
,
0.04740673
f
,
0.01376022
f
,
-
0.05852978
f
,
-
0.01537809
f
,
-
0.05541119
f
,
0.02491065
f
,
-
0.02870786
f
,
0.02760978
f
,
0.23836176
f
,
0.22347429
f
,
0.10306466
f
,
-
0.06919070
f
,
-
0.10132039
f
,
-
0.20198342
f
,
-
0.05040560
f
,
0.27163076
f
,
0.36987007
f
,
0.34540465
f
,
0.29095781
f
,
0.05649706
f
,
0.04125737
f
,
0.07505883
f
,
-
0.02737836
f
,
-
8.43431335e-003
f
,
0.07368195
f
,
0.01653876
f
,
-
0.09402955
f
,
-
0.09574359
f
,
0.01474337
f
,
-
0.07128561
f
,
-
0.03460737
f
,
0.11438941
f
,
0.13752601
f
,
-
0.06385452
f
,
-
0.06310338
f
,
8.19548313e-003
f
,
0.11622470
f
,
5.05133113e-003
f
,
-
0.07602754
f
,
0.06695660
f
,
0.25723928
f
,
0.09037900
f
,
0.28826267
f
,
0.13165380
f
,
-
0.05312614
f
,
-
0.02137198
f
,
-
0.03442232
f
,
-
0.06255679
f
,
0.03899667
f
,
0.18391028
f
,
0.26016650
f
,
0.03374462
f
,
0.01860465
f
,
0.19077586
f
,
0.18160543
f
,
3.43634398e-003
f
,
-
0.03036782
f
,
0.19683038
f
,
0.35378191
f
,
0.24968483
f
,
-
0.03222649
f
,
0.28972381
f
,
0.43091634
f
,
0.30778357
f
,
0.02335266
f
,
-
0.09877399
f
,
-
6.85245218e-003
f
,
0.08945240
f
,
-
0.08150686
f
,
0.02792493
f
,
0.24806842
f
,
0.17338486
f
,
0.06231801
f
,
-
0.10432383
f
,
-
0.16653322
f
,
-
0.13197899
f
,
-
0.08531576
f
,
-
0.19271527
f
,
-
0.13536365
f
,
0.22240199
f
,
0.39219588
f
,
0.26597717
f
,
-
0.01231649
f
,
0.01016179
f
,
0.13379875
f
,
0.12018334
f
,
-
0.04852953
f
,
-
0.07915270
f
,
0.07036012
f
,
3.87723115e-003
f
,
-
0.06126805
f
,
-
0.15015170
f
,
-
0.11406515
f
,
-
0.08556531
f
,
-
0.07429333
f
,
-
0.16115491
f
,
0.13214062
f
,
0.25691369
f
,
0.05697750
f
,
0.06861912
f
,
-
6.02903729e-003
f
,
-
7.94562511e-003
f
,
0.04799571
f
,
0.06695165
f
,
-
0.01926842
f
,
0.06206308
f
,
0.13450983
f
,
-
0.06381495
f
,
-
2.98370165e-003
f
,
-
0.03482971
f
,
7.53991678e-003
f
,
0.03895611
f
,
0.11464261
f
,
0.01669971
f
,
8.27818643e-003
f
,
-
7.49160210e-003
f
,
-
0.11712562
f
,
-
0.10650621
f
,
-
0.10353880
f
,
-
0.04994106
f
,
-
7.65618810e-004
f
,
0.03023767
f
,
-
0.04759270
f
,
-
0.07302686
f
,
-
0.05825012
f
,
-
0.13156348
f
,
-
0.10639747
f
,
-
0.19393684
f
,
-
0.09973683
f
,
-
0.07918908
f
,
4.63177625e-004
f
,
-
6.61382044e-004
f
,
0.15853868
f
,
0.08561199
f
,
-
0.07660093
f
,
-
0.08015265
f
,
-
0.06164073
f
,
0.01882577
f
,
-
7.29908410e-004
f
,
0.06840892
f
,
0.03843764
f
,
0.20274927
f
,
0.22028814
f
,
-
5.26101235e-003
f
,
0.01452435
f
,
-
0.06331623
f
,
0.02865064
f
,
0.05673740
f
,
0.12171564
f
,
0.03837196
f
,
0.03555467
f
,
-
0.02662914
f
,
-
0.10280123
f
,
-
0.06526285
f
,
-
0.11066351
f
,
-
0.08988424
f
,
-
0.10103678
f
,
8.10526591e-003
f
,
5.95238712e-003
f
,
0.02617721
f
,
-
0.01705742
f
,
-
0.10897956
f
,
-
0.08004991
f
,
-
0.11271993
f
,
-
0.06185647
f
,
-
0.06103712
f
,
0.01597041
f
,
-
0.05923606
f
,
0.09410726
f
,
0.22858568
f
,
0.03263380
f
,
0.06772990
f
,
-
0.09003516
f
,
0.01017870
f
,
0.01931688
f
,
0.08628357
f
,
-
0.01430009
f
,
0.10954945
f
,
0.16612452
f
,
-
0.02434544
f
,
-
0.03310068
f
,
-
0.04236627
f
,
0.01212392
f
,
-
6.15046406e-003
f
,
0.06954194
f
,
0.03015283
f
,
0.01787957
f
,
0.02781667
f
,
-
0.05561153
f
,
-
8.96244217e-003
f
,
-
0.04971489
f
,
0.07510284
f
,
0.01775282
f
,
0.05889897
f
,
-
0.07981427
f
,
0.03647643
f
,
-
3.73833324e-003
f
,
-
0.08894575
f
,
-
0.06429435
f
,
-
0.08068276
f
,
0.03567704
f
,
-
0.07131936
f
,
-
7.21910037e-003
f
,
-
0.09566668
f
,
0.17886090
f
,
0.14911725
f
,
0.02070032
f
,
-
0.05017120
f
,
-
0.04992622
f
,
0.01570143
f
,
-
0.09906903
f
,
0.06456193
f
,
0.15329507
f
,
0.18820767
f
,
0.11689861
f
,
-
0.01178513
f
,
-
0.02225163
f
,
-
0.01905318
f
,
0.10271224
f
,
-
7.27029052e-003
f
,
0.11664233
f
,
0.14796902
f
,
0.07771893
f
,
0.02400013
f
,
-
0.05361797
f
,
-
0.01972888
f
,
0.01376177
f
,
0.06740040
f
,
-
0.06525395
f
,
0.05726178
f
,
-
0.02404981
f
,
-
0.14018567
f
,
-
0.02074987
f
,
-
0.04621970
f
,
-
0.04688627
f
,
-
0.01842059
f
,
0.07722727
f
,
-
0.04852883
f
,
0.01529004
f
,
-
0.19639495
f
,
0.10817073
f
,
0.03795860
f
,
-
0.09435206
f
,
-
0.07984378
f
,
-
0.03383440
f
,
0.11081333
f
,
0.02237366
f
,
0.12703256
f
,
0.21613893
f
,
0.02918790
f
,
4.66472283e-003
f
,
-
0.10274266
f
,
-
0.04854131
f
,
-
3.46305710e-003
f
,
0.08652268
f
,
0.02251546
f
,
0.09636052
f
,
0.17180754
f
,
-
0.09272388
f
,
4.59174305e-004
f
,
-
0.11723048
f
,
-
0.12210111
f
,
-
0.15547538
f
,
0.07218186
f
,
-
0.05297846
f
,
0.03779940
f
,
0.05150875
f
,
-
0.03802310
f
,
0.03870645
f
,
-
0.15250699
f
,
-
0.08696499
f
,
-
0.02021560
f
,
0.04118926
f
,
-
0.15177974
f
,
0.01577647
f
,
0.10249301
f
,
7.50041893e-003
f
,
0.01721806
f
,
-
0.06828983
f
,
-
0.02397596
f
,
-
0.06598977
f
,
-
0.04317593
f
,
-
0.08064980
f
,
6.66632550e-003
f
,
0.03333484
f
,
0.07093620
f
,
0.08231064
f
,
-
0.06577903
f
,
-
0.06698844
f
,
-
0.06984019
f
,
-
0.06508023
f
,
-
0.14145090
f
,
-
0.02393239
f
,
0.06485303
f
,
8.83263443e-003
f
,
0.09251080
f
,
-
0.07557579
f
,
-
0.05067699
f
,
-
0.09798748
f
,
-
0.06703258
f
,
-
0.14056294
f
,
0.03245994
f
,
0.12554143
f
,
0.01761621
f
,
0.12980327
f
,
-
0.04081950
f
,
-
0.11906909
f
,
-
0.14813015
f
,
-
0.08376863
f
,
-
0.12200681
f
,
0.04988137
f
,
0.05424247
f
,
-
3.90952639e-003
f
,
0.03255733
f
,
-
0.12717837
f
,
-
0.07461493
f
,
-
0.05703964
f
,
-
0.01736189
f
,
-
0.08026433
f
,
-
0.05433894
f
,
-
0.01719359
f
,
0.02886275
f
,
0.01772653
f
,
-
0.09163518
f
,
3.57789593e-003
f
,
-
0.10129993
f
,
-
0.02653764
f
,
-
0.08131415
f
,
-
0.03847986
f
,
-
7.62157550e-004
f
,
0.06486648
f
,
0.19675669
f
,
-
0.04919156
f
,
-
0.07059129
f
,
-
0.04857785
f
,
-
0.01042383
f
,
-
0.08328653
f
,
0.03660302
f
,
-
0.03696846
f
,
0.04969259
f
,
0.08241162
f
,
-
0.12514858
f
,
-
0.06122676
f
,
-
0.03750202
f
,
6.52989605e-003
f
,
-
0.10247213
f
,
0.02568346
f
,
4.51781414e-003
f
,
-
0.03734229
f
,
-
0.01131264
f
,
-
0.05412074
f
,
8.89345480e-004
f
,
-
0.12388977
f
,
-
0.05959237
f
,
-
0.12418608
f
,
-
0.06151643
f
,
-
0.07310260
f
,
0.02441575
f
,
0.07023528
f
,
-
0.07548289
f
,
-
7.57147965e-004
f
,
-
0.09061348
f
,
-
0.08112976
f
,
-
0.06920306
f
,
9.54394229e-003
f
,
-
0.01219902
f
,
1.21273217e-003
f
,
-
8.88989680e-003
f
,
-
0.08309301
f
,
-
0.04552661
f
,
-
0.10739882
f
,
-
0.05691034
f
,
-
0.13928030
f
,
0.09027749
f
,
0.15123098
f
,
0.03175976
f
,
0.17763577
f
,
3.29913251e-004
f
,
0.05151888
f
,
-
0.09844074
f
,
-
0.09475287
f
,
-
0.08571247
f
,
0.16241577
f
,
0.19336018
f
,
8.57454538e-003
f
,
0.11474732
f
,
-
0.01493934
f
,
0.03352379
f
,
-
0.08966240
f
,
-
0.02322310
f
,
0.02663568
f
,
0.05448750
f
,
-
0.03536883
f
,
-
0.07210463
f
,
-
0.06807277
f
,
-
0.03121621
f
,
-
0.05932408
f
,
-
0.17282860
f
,
-
0.15873498
f
,
-
0.04956378
f
,
0.01603377
f
,
-
0.12385946
f
,
0.13878587
f
,
0.21468069
f
,
0.13510075
f
,
0.20992437
f
,
0.08845878
f
,
0.08104013
f
,
0.03754176
f
,
0.12173114
f
,
0.11103114
f
,
0.10643122
f
,
0.13941477
f
,
0.11640384
f
,
0.14786847
f
,
0.01218238
f
,
0.01160753
f
,
0.03547940
f
,
0.08794311
f
,
-
0.01695384
f
,
-
0.07692261
f
,
-
0.08236158
f
,
6.79194089e-003
f
,
-
0.02458403
f
,
0.13022894
f
,
0.10953187
f
,
0.09857773
f
,
0.04735930
f
,
-
0.04353498
f
,
-
0.15173385
f
,
-
0.17904443
f
,
-
0.10450364
f
,
-
0.13418166
f
,
-
0.06633098
f
,
-
0.03170381
f
,
-
0.06839000
f
,
-
0.11350126
f
,
-
0.06983913
f
,
0.19083543
f
,
0.17604128
f
,
0.07730632
f
,
0.10022651
f
,
0.36428109
f
,
0.28291923
f
,
0.12688625
f
,
0.15942036
f
,
0.14064661
f
,
-
0.11201853
f
,
-
0.13969108
f
,
-
0.09088077
f
,
-
0.14107047
f
,
0.05117374
f
,
-
2.63348082e-003
f
,
-
0.10794610
f
,
-
0.09715455
f
,
-
0.05284977
f
,
0.01565668
f
,
0.05031200
f
,
0.07021113
f
,
-
0.02963028
f
,
0.01766960
f
,
0.08333644
f
,
-
0.03211382
f
,
4.90096770e-003
f
,
0.05186674
f
,
-
0.05045737
f
,
-
0.09624767
f
,
-
0.02525997
f
,
0.06916669
f
,
0.01213916
f
,
0.05333899
f
,
-
0.03443280
f
,
-
0.10055527
f
,
-
0.06291115
f
,
5.42851724e-003
f
,
-
6.30360236e-003
f
,
0.02270257
f
,
-
0.01769792
f
,
0.03273688
f
,
0.07746078
f
,
7.77099328e-003
f
,
0.05041346
f
,
0.01648103
f
,
-
0.02321534
f
,
-
0.09930186
f
,
-
0.02293853
f
,
0.02034990
f
,
-
0.08324204
f
,
0.08510064
f
,
-
0.03732836
f
,
-
0.06465405
f
,
-
0.06086946
f
,
0.13680504
f
,
-
0.11469388
f
,
-
0.03896406
f
,
-
0.07142810
f
,
2.67581246e-003
f
,
-
0.03639632
f
,
-
0.09849060
f
,
-
0.11014334
f
,
0.17489147
f
,
0.17610909
f
,
-
0.16091567
f
,
-
0.07248894
f
,
0.01567141
f
,
0.23742996
f
,
0.07552249
f
,
-
0.06270349
f
,
-
0.07303379
f
,
0.25442186
f
,
0.16903116
f
,
-
0.08168741
f
,
-
0.05913896
f
,
-
0.03954096
f
,
6.81776879e-003
f
,
-
0.05615319
f
,
-
0.07303037
f
,
-
0.12176382
f
,
0.12385108
f
,
0.22084464
f
,
-
0.05543206
f
,
-
0.03310431
f
,
0.05731593
f
,
0.19481890
f
,
0.04016430
f
,
-
0.06480758
f
,
-
0.12353460
f
,
0.18733442
f
,
-
0.09631214
f
,
-
0.11192076
f
,
0.12404587
f
,
0.15671748
f
,
0.19256128
f
,
0.10895617
f
,
0.03391477
f
,
-
0.13032004
f
,
-
0.05626907
f
,
-
0.09025607
f
,
0.23485197
f
,
0.27812332
f
,
0.26725492
f
,
0.07255980
f
,
0.16565137
f
,
0.22388470
f
,
0.07441066
f
,
-
0.21003133
f
,
-
0.08075339
f
,
-
0.15031935
f
,
0.07023834
f
,
0.10872041
f
,
0.18156518
f
,
0.20037253
f
,
0.13571967
f
,
-
0.11915682
f
,
-
0.11131983
f
,
-
0.18878011
f
,
0.06074620
f
,
0.20578890
f
,
0.12413109
f
,
0.03930207
f
,
0.29176015
f
,
0.29502738
f
,
0.27856228
f
,
-
0.01803601
f
,
0.16646385
f
,
0.19268319
f
,
0.01900682
f
,
0.06026287
f
,
2.35868432e-003
f
,
0.01558199
f
,
0.02707230
f
,
0.11383014
f
,
0.12103992
f
,
0.03907350
f
,
0.04637353
f
,
0.09020995
f
,
0.11919726
f
,
-
3.63007211e-003
f
,
0.02220155
f
,
0.10336831
f
,
0.17351882
f
,
0.12259731
f
,
0.18983354
f
,
0.15736865
f
,
0.01160725
f
,
-
0.01690723
f
,
-
9.69582412e-004
f
,
0.07213813
f
,
0.01161613
f
,
0.17864859
f
,
0.24486147
f
,
0.18208991
f
,
0.20177495
f
,
0.05972528
f
,
-
8.93934630e-003
f
,
-
0.02316955
f
,
0.14436610
f
,
0.14114498
f
,
0.05520950
f
,
0.06353590
f
,
-
0.19124921
f
,
0.10174713
f
,
0.29414919
f
,
0.26448128
f
,
0.09344960
f
,
0.15284036
f
,
0.19797507
f
,
0.11369792
f
,
-
0.12722753
f
,
-
0.21396367
f
,
-
0.02008235
f
,
-
0.06566695
f
,
-
0.01662150
f
,
-
0.03937003
f
,
0.04778343
f
,
0.05017274
f
,
-
0.02299062
f
,
-
0.20208496
f
,
-
0.06395898
f
,
0.13721776
f
,
0.22544557
f
,
0.14888357
f
,
0.08687132
f
,
0.27088094
f
,
0.32206613
f
,
0.09782200
f
,
-
0.18523243
f
,
-
0.17232181
f
,
-
0.01041531
f
,
0.04008654
f
,
0.04199702
f
,
-
0.08081299
f
,
-
0.03755421
f
,
-
0.04809646
f
,
-
0.05222081
f
,
-
0.21709201
f
,
-
0.06622940
f
,
0.02945281
f
,
-
0.04600435
f
,
-
0.05256077
f
,
-
0.08432942
f
,
0.02848100
f
,
0.03490564
f
,
8.28621630e-003
f
,
-
0.11051246
f
,
-
0.11210597
f
,
-
0.01998289
f
,
-
0.05369405
f
,
-
0.08869293
f
,
-
0.18799506
f
,
-
0.05436598
f
,
-
0.05011634
f
,
-
0.05419716
f
,
-
0.06151857
f
,
-
0.10827805
f
,
0.04346735
f
,
0.04016083
f
,
0.01520820
f
,
-
0.12173316
f
,
-
0.04880285
f
,
-
0.01101406
f
,
0.03250847
f
,
-
0.06009551
f
,
-
0.03082932
f
,
-
0.02295134
f
,
-
0.06856834
f
,
-
0.08775249
f
,
-
0.23793389
f
,
-
0.09174541
f
,
-
0.05538322
f
,
-
0.04321031
f
,
-
0.11874759
f
,
-
0.04221844
f
,
-
0.06070468
f
,
0.01194489
f
,
0.02608565
f
,
-
0.03892140
f
,
-
0.01643151
f
,
-
0.02602034
f
,
-
0.01305472
f
,
0.03920100
f
,
-
0.06514261
f
,
0.01126918
f
,
-
6.27710763e-003
f
,
-
0.02720047
f
,
-
0.11133634
f
,
0.03300330
f
,
0.02398472
f
,
0.04079665
f
,
-
0.10564448
f
,
0.05966159
f
,
0.01195221
f
,
-
0.03179441
f
,
-
0.01692590
f
,
-
0.06177841
f
,
0.01841576
f
,
-
5.51078189e-003
f
,
-
0.06821765
f
,
-
0.03191888
f
,
-
0.09545476
f
,
0.03030550
f
,
-
0.04896152
f
,
-
0.02914624
f
,
-
0.13283344
f
,
-
0.04783419
f
,
6.07836898e-003
f
,
-
0.01449538
f
,
-
0.13358212
f
,
-
0.09687774
f
,
-
0.02813793
f
,
0.01213498
f
,
0.06650011
f
,
-
0.02039067
f
,
0.13356198
f
,
0.05986415
f
,
-
9.12760664e-003
f
,
-
0.18780160
f
,
-
0.11992817
f
,
-
0.06342237
f
,
0.01229534
f
,
0.07143231
f
,
0.10713009
f
,
0.11085765
f
,
0.06569190
f
,
-
0.02956399
f
,
-
0.16288325
f
,
-
0.13993549
f
,
-
0.01292515
f
,
0.03833013
f
,
0.09130384
f
,
-
0.05086257
f
,
0.05617329
f
,
-
0.03896667
f
,
-
0.06282311
f
,
-
0.11490010
f
,
-
0.14264110
f
,
-
0.04530499
f
,
0.01598189
f
,
0.09167797
f
,
0.08663294
f
,
0.04885277
f
,
-
0.05741219
f
,
-
0.07565769
f
,
-
0.17136464
f
,
-
0.02619422
f
,
-
0.02477579
f
,
0.02679587
f
,
0.11621952
f
,
0.08788391
f
,
0.15520640
f
,
0.04709549
f
,
0.04504483
f
,
-
0.10214074
f
,
-
0.12293372
f
,
-
0.04820546
f
,
-
0.05484834
f
,
0.05473754
f
,
0.07346445
f
,
0.05577277
f
,
-
0.08209965
f
,
0.03462975
f
,
-
0.20962234
f
,
-
0.09324598
f
,
3.79481679e-003
f
,
0.03617633
f
,
0.16742408
f
,
0.07058107
f
,
0.10204960
f
,
-
0.06795346
f
,
3.22807301e-003
f
,
-
0.12589309
f
,
-
0.17496960
f
,
0.02078314
f
,
-
0.07694324
f
,
0.12184640
f
,
0.08997164
f
,
0.04793497
f
,
-
0.11383379
f
,
-
0.08046359
f
,
-
0.25716835
f
,
-
0.08080962
f
,
6.80711539e-003
f
,
-
0.02930280
f
,
-
3.04938294e-003
f
,
-
0.11106286
f
,
-
0.04628860
f
,
-
0.07821649
f
,
7.70127494e-003
f
,
-
0.10247706
f
,
1.21042714e-003
f
,
0.20573859
f
,
-
0.03241005
f
,
8.42972286e-003
f
,
0.01946464
f
,
-
0.01197973
f
,
-
0.14579976
f
,
0.04233614
f
,
-
4.14096704e-003
f
,
-
0.06866436
f
,
-
0.02431862
f
,
-
0.13529138
f
,
1.25891645e-003
f
,
-
0.11425111
f
,
-
0.04303651
f
,
-
0.01694815
f
,
0.05720210
f
,
-
0.16040207
f
,
0.02772896
f
,
0.05498345
f
,
-
0.15010567
f
,
0.01450866
f
,
0.02350303
f
,
-
0.04301004
f
,
-
0.04951802
f
,
0.21702233
f
,
-
0.03159155
f
,
-
0.01963303
f
,
0.18232647
f
,
-
0.03263875
f
,
-
2.88476888e-003
f
,
0.01587562
f
,
-
1.94303901e-003
f
,
-
0.07789494
f
,
0.04674156
f
,
-
6.25576358e-003
f
,
0.08925962
f
,
0.21353747
f
,
0.01254677
f
,
-
0.06999976
f
,
-
0.05931328
f
,
-
0.01884327
f
,
-
0.04306272
f
,
0.11794136
f
,
0.03842728
f
,
-
0.03907030
f
,
0.05636114
f
,
-
0.09766009
f
,
-
0.02104000
f
,
8.72711372e-003
f
,
-
0.02736877
f
,
-
0.05112274
f
,
0.16996814
f
,
0.02955785
f
,
0.02094014
f
,
0.08414304
f
,
-
0.03335762
f
,
-
0.03617457
f
,
-
0.05808248
f
,
-
0.08872101
f
,
0.02927705
f
,
0.27077839
f
,
0.06075108
f
,
0.07478261
f
,
0.15282831
f
,
-
0.03908454
f
,
-
0.05101782
f
,
-
9.51998029e-003
f
,
-
0.03272416
f
,
-
0.08735625
f
,
0.07633440
f
,
-
0.07185312
f
,
0.13841286
f
,
0.07812646
f
,
-
0.12901451
f
,
-
0.05488589
f
,
-
0.05644578
f
,
-
0.03290703
f
,
-
0.11184757
f
,
0.03751570
f
,
-
0.05978153
f
,
-
0.09155276
f
,
0.05657315
f
,
-
0.04328186
f
,
-
0.03047933
f
,
-
0.01413135
f
,
-
0.10181040
f
,
-
0.01384013
f
,
0.20132534
f
,
-
0.01536873
f
,
-
0.07641169
f
,
0.05906778
f
,
-
0.07833145
f
,
-
0.01523801
f
,
-
0.07502609
f
,
-
0.09461885
f
,
-
0.15013233
f
,
0.16050665
f
,
0.09021381
f
,
0.08473236
f
,
0.03386267
f
,
-
0.09147339
f
,
-
0.09170618
f
,
-
0.08498498
f
,
-
0.05119187
f
,
-
0.10431040
f
,
0.01041618
f
,
-
0.03064913
f
,
0.09340212
f
,
0.06448522
f
,
-
0.03881054
f
,
-
0.04985436
f
,
-
0.14794017
f
,
-
0.05200112
f
,
-
0.02144495
f
,
0.04000821
f
,
0.12420804
f
,
-
0.01851651
f
,
-
0.04116732
f
,
-
0.11951703
f
,
-
0.04879033
f
,
-
0.08722515
f
,
-
0.08454733
f
,
-
0.10549165
f
,
0.11251976
f
,
0.10766345
f
,
0.19201984
f
,
0.06128913
f
,
-
0.02734615
f
,
-
0.08834923
f
,
-
0.16999826
f
,
-
0.03548348
f
,
-
5.36092324e-003
f
,
0.08297954
f
,
0.07226378
f
,
0.04194529
f
,
0.04668673
f
,
8.73902347e-003
f
,
0.06980139
f
,
0.05652480
f
,
0.05879445
f
,
0.02477076
f
,
0.02451423
f
,
0.12433673
f
,
0.05600227
f
,
0.06886370
f
,
0.03863076
f
,
0.07459056
f
,
0.02264139
f
,
0.01495469
f
,
0.06344220
f
,
0.06945208
f
,
0.02931899
f
,
0.11719371
f
,
0.04527427
f
,
0.03248192
f
,
2.08271481e-003
f
,
0.02044626
f
,
0.11403449
f
,
0.04303892
f
,
0.06444661
f
,
0.04959024
f
,
0.08174094
f
,
0.09240247
f
,
0.04894639
f
,
0.02252937
f
,
-
0.01652530
f
,
0.07587013
f
,
0.06064249
f
,
0.13954395
f
,
0.02772832
f
,
0.07093039
f
,
0.08501238
f
,
0.01701301
f
,
0.09055722
f
,
0.33421436
f
,
0.20163782
f
,
0.09821030
f
,
0.07951369
f
,
0.08695120
f
,
-
0.12757730
f
,
-
0.13865978
f
,
-
0.06610068
f
,
-
0.10985506
f
,
0.03406816
f
,
-
0.01116336
f
,
-
0.07281768
f
,
-
0.13525715
f
,
-
0.12844718
f
,
0.08956250
f
,
0.09171610
f
,
0.10092317
f
,
0.23385370
f
,
0.34489515
f
,
0.09901748
f
,
0.02002922
f
,
0.12335990
f
,
0.07606190
f
,
-
0.14899330
f
,
-
0.15634622
f
,
-
0.06494618
f
,
-
0.01760547
f
,
0.03404277
f
,
-
0.13208845
f
,
-
0.12101169
f
,
-
0.18294574
f
,
-
0.16560709
f
,
0.02183887
f
,
-
0.02752613
f
,
0.01813638
f
,
0.02000757
f
,
0.01319924
f
,
0.08030242
f
,
0.01220535
f
,
2.98233377e-003
f
,
-
0.01307070
f
,
0.05970297
f
,
-
0.05345284
f
,
-
0.03381982
f
,
-
9.87543724e-003
f
,
-
0.06869387
f
,
0.03956730
f
,
-
0.03108176
f
,
-
0.05732809
f
,
0.02172386
f
,
0.04159765
f
,
2.62783933e-003
f
,
0.04813229
f
,
0.09358983
f
,
-
8.18389002e-003
f
,
0.01724574
f
,
-
0.02547474
f
,
-
0.04967288
f
,
-
0.02390376
f
,
0.06640504
f
,
-
0.06306566
f
,
0.01137518
f
,
0.05589378
f
,
-
0.08237787
f
,
0.02455001
f
,
-
0.03059422
f
,
-
0.08953978
f
,
0.06851497
f
,
0.07190268
f
,
-
0.07610799
f
,
7.87237938e-003
f
,
-
7.85830803e-003
f
,
0.06006952
f
,
-
0.01126728
f
,
-
2.85743061e-003
f
,
-
0.04772895
f
,
0.01884944
f
,
0.15005857
f
,
-
0.06268821
f
,
-
0.01989072
f
,
0.01138399
f
,
0.08760451
f
,
0.03879007
f
,
-
9.66926850e-003
f
,
-
0.08012961
f
,
0.06414555
f
,
-
0.01362950
f
,
-
0.09135523
f
,
0.01755159
f
,
0.04459474
f
,
0.09650917
f
,
0.05219948
f
,
-
2.19440833e-003
f
,
-
0.07037939
f
,
-
0.01599054
f
,
0.13103317
f
,
-
0.02492603
f
,
-
0.01032540
f
,
-
0.02903307
f
,
0.04489160
f
,
0.05148086
f
,
0.01858173
f
,
-
0.02919228
f
,
0.08299296
f
,
-
0.04590359
f
,
-
0.15745632
f
,
-
0.09068198
f
,
-
0.02972453
f
,
0.12985018
f
,
0.22320485
f
,
0.24261914
f
,
0.03642650
f
,
-
0.05506422
f
,
2.67413049e-003
f
,
-
0.03834032
f
,
0.06449424
f
,
0.03834866
f
,
0.03816991
f
,
0.25039271
f
,
0.34212017
f
,
0.32433882
f
,
0.18824573
f
,
-
0.08599839
f
,
-
0.17599408
f
,
-
0.15317015
f
,
-
0.09913155
f
,
-
0.02856072
f
,
-
0.05304699
f
,
-
1.06437842e-003
f
,
-
0.06641813
f
,
-
0.07509298
f
,
0.01463361
f
,
-
0.07551918
f
,
-
0.04510373
f
,
-
8.44620075e-003
f
,
0.01772176
f
,
0.04068235
f
,
0.20295307
f
,
0.15719447
f
,
0.05712103
f
,
0.26296997
f
,
0.14657754
f
,
0.01547317
f
,
-
0.05052776
f
,
-
0.03881342
f
,
-
0.01437883
f
,
-
0.04930177
f
,
0.11719568
f
,
0.24098417
f
,
0.26468599
f
,
0.31698579
f
,
0.10103608
f
,
-
0.01096375
f
,
-
0.01367013
f
,
0.17104232
f
,
0.20065314
f
,
2.67622480e-003
f
,
-
0.01190034
f
,
0.18301608
f
,
0.09459770
f
,
-
0.06357619
f
,
-
0.06473801
f
,
0.01377906
f
,
-
0.10032775
f
,
-
0.06388740
f
,
3.80393048e-003
f
,
0.06206078
f
,
0.10349120
f
,
0.26804337
f
,
8.17918684e-003
f
,
-
0.02314351
f
,
9.34422202e-003
f
,
0.09198381
f
,
0.03681326
f
,
-
8.77339672e-003
f
,
-
0.09662418
f
,
-
0.02715708
f
,
0.13503517
f
,
0.08962728
f
,
-
6.57071499e-003
f
,
-
0.03201199
f
,
0.28510824
f
,
0.32095715
f
,
0.18512695
f
,
-
0.14230858
f
,
-
0.14048551
f
,
-
0.07181299
f
,
-
0.08575408
f
,
-
0.08661680
f
,
-
0.17416079
f
,
7.54326640e-004
f
,
0.05601677
f
,
0.13585392
f
,
-
0.04960437
f
,
-
0.07708392
f
,
0.10676333
f
,
-
0.04407546
f
,
-
0.07209078
f
,
0.03663663
f
,
0.28949317
f
,
0.41127121
f
,
0.27431169
f
,
-
0.06900328
f
,
-
0.21474190
f
,
-
0.15578632
f
,
-
0.19555484
f
,
-
0.15209621
f
,
-
0.11269179
f
,
0.07416003
f
,
0.18991330
f
,
0.26858172
f
,
0.01952259
f
,
0.01017922
f
,
0.02159843
f
,
-
4.95165400e-003
f
,
-
0.04368168
f
,
-
0.12721671
f
,
-
0.06673957
f
,
-
0.11275250
f
,
0.04413409
f
,
0.05578312
f
,
0.03896771
f
,
0.03566417
f
,
-
0.05871816
f
,
-
0.07388090
f
,
-
0.17965563
f
,
-
0.08570268
f
,
-
0.15273231
f
,
-
0.06022318
f
,
-
0.06999847
f
,
-
6.81510568e-003
f
,
0.06294262
f
,
-
6.54901436e-004
f
,
-
0.01128654
f
,
-
0.02289657
f
,
0.04849290
f
,
0.04140804
f
,
0.23681939
f
,
0.14545733
f
,
0.01989965
f
,
0.12032662
f
,
3.87463090e-003
f
,
-
6.02597650e-003
f
,
-
0.05919775
f
,
-
0.03067224
f
,
-
0.07787777
f
,
0.10834727
f
,
0.02153730
f
,
0.02765649
f
,
0.03975543
f
,
-
0.12182906
f
,
-
0.04900113
f
,
-
0.09940100
f
,
-
0.06453611
f
,
-
0.13757215
f
,
-
0.03721382
f
,
0.02827376
f
,
-
0.04351249
f
,
0.01907038
f
,
-
0.10284120
f
,
-
0.05671160
f
,
-
0.10760647
f
,
-
0.09624009
f
,
-
0.09565596
f
,
-
0.01303654
f
,
0.03080539
f
,
0.01416511
f
,
0.05846142
f
,
-
5.42971538e-003
f
,
0.06221476
f
,
-
0.03320325
f
,
-
0.06791797
f
,
-
0.05791342
f
,
0.12851369
f
,
0.14990346
f
,
0.03634374
f
,
0.14262885
f
,
0.04330391
f
,
0.05032569
f
,
-
0.05631914
f
,
0.01606137
f
,
0.04387223
f
,
0.22344995
f
,
0.15722635
f
,
-
0.04693628
f
,
0.03006579
f
,
-
2.52882647e-003
f
,
0.05717621
f
,
-
0.07529724
f
,
-
0.02848588
f
,
-
0.06868757
f
,
-
4.51729307e-003
f
,
0.06466042
f
,
-
0.05935378
f
,
-
0.04704857
f
,
-
0.07363959
f
,
0.04843248
f
,
-
0.13421375
f
,
-
0.09789340
f
,
-
0.10255270
f
,
0.03509852
f
,
0.04751543
f
,
-
0.03822323
f
,
0.09740467
f
,
0.04762916
f
,
0.03940146
f
,
-
0.08283259
f
,
0.09552965
f
,
0.05038739
f
,
0.21258622
f
,
0.09646992
f
,
0.03241193
f
,
0.05167701
f
,
0.04614570
f
,
0.04330090
f
,
-
0.02671840
f
,
-
0.06259909
f
,
-
0.02301898
f
,
0.18829170
f
,
0.10522786
f
,
0.04313190
f
,
0.01670948
f
,
-
0.08421925
f
,
0.05911417
f
,
-
0.10582602
f
,
-
0.04855484
f
,
-
0.08373898
f
,
0.07775915
f
,
0.03723533
f
,
-
0.12047344
f
,
4.86345543e-003
f
,
-
0.10520902
f
,
0.06571782
f
,
-
0.07528137
f
,
-
0.03245651
f
,
-
0.09869066
f
,
-
0.02917477
f
,
-
0.18293270
f
,
0.14810945
f
,
9.24033765e-003
f
,
-
0.04354914
f
,
0.02266885
f
,
-
0.11872729
f
,
-
0.04016589
f
,
0.02830229
f
,
0.22539048
f
,
0.20565644
f
,
0.16701797
f
,
0.09019924
f
,
0.01300652
f
,
0.09760600
f
,
-
0.03675831
f
,
-
0.01935448
f
,
-
0.06894835
f
,
0.08077277
f
,
0.19047537
f
,
0.11312226
f
,
0.04106043
f
,
-
0.11187182
f
,
0.04312806
f
,
-
0.18548580
f
,
-
0.11287174
f
,
-
0.08794551
f
,
0.02078281
f
,
-
0.15295486
f
,
0.11806386
f
,
-
0.01103218
f
,
-
0.15971117
f
,
0.02153538
f
,
-
0.05232147
f
,
-
0.10835317
f
,
-
0.13910367
f
,
0.05920752
f
,
-
0.10122602
f
,
0.20174250
f
,
0.09105796
f
,
-
0.01881348
f
,
0.09559010
f
,
-
0.03725745
f
,
-
0.09442931
f
,
-
0.09763174
f
,
0.05854454
f
,
0.08287182
f
,
0.12919849
f
,
0.08594352
f
,
-
2.49806582e-003
f
,
0.02398440
f
,
5.67950122e-003
f
,
-
0.06296340
f
,
-
0.12993270
f
,
0.03855852
f
,
0.05186560
f
,
0.10839908
f
,
-
0.03380463
f
,
-
0.12654832
f
,
-
0.05399339
f
,
-
0.07456800
f
,
-
0.04736232
f
,
-
0.10164231
f
,
0.07496139
f
,
0.08125214
f
,
0.07656177
f
,
-
0.04999603
f
,
-
0.12823077
f
,
-
0.07692395
f
,
-
0.11317524
f
,
-
0.09118655
f
,
-
0.05695669
f
,
0.10477209
f
,
0.07468581
f
,
0.01630048
f
,
-
8.00961629e-003
f
,
-
0.06582128
f
,
-
0.04019095
f
,
-
0.04682907
f
,
-
0.01907842
f
,
-
0.10997720
f
,
0.04911406
f
,
0.02931030
f
,
0.04197735
f
,
-
0.05773980
f
,
-
0.09670641
f
,
-
0.03594951
f
,
-
0.03402121
f
,
-
0.07149299
f
,
-
0.10566200
f
,
0.10601286
f
,
0.06340689
f
,
-
0.01518632
f
,
-
5.96402306e-003
f
,
-
0.07628012
f
,
-
3.52779147e-003
f
,
-
0.02683854
f
,
-
0.10265494
f
,
-
0.02680815
f
,
0.16338381
f
,
0.03103515
f
,
0.02296976
f
,
0.01624348
f
,
-
0.10831620
f
,
-
0.02314233
f
,
-
0.04789969
f
,
-
0.05530700
f
,
-
0.06461314
f
,
0.10494506
f
,
0.04642856
f
,
-
0.07592955
f
,
-
0.06197905
f
,
-
0.09042154
f
,
-
0.01445521
f
,
-
0.04297818
f
,
-
0.11262015
f
,
-
0.11430512
f
,
0.03174541
f
,
-
0.03677487
f
,
-
0.02963996
f
,
-
0.06610169
f
,
-
0.13292049
f
,
-
0.07059067
f
,
-
0.08444111
f
,
-
0.02640536
f
,
-
0.07136250
f
,
0.04559967
f
,
0.01459980
f
,
0.17989251
f
,
0.04435328
f
,
-
0.12464730
f
,
-
0.02871115
f
,
-
0.10752209
f
,
-
0.03393742
f
,
-
0.03791408
f
,
0.02548251
f
,
0.01956050
f
,
0.19245651
f
,
0.13963254
f
,
-
0.05904696
f
,
-
0.07424626
f
,
-
0.10411884
f
,
1.54176133e-003
f
,
0.01797429
f
,
0.13025844
f
,
0.04547642
f
,
-
0.05710349
f
,
-
0.10697161
f
,
-
0.13489437
f
,
-
0.06515755
f
,
-
0.06406886
f
,
-
4.08572936e-003
f
,
-
0.01336483
f
,
0.04368737
f
,
-
0.11259720
f
,
-
0.05701635
f
,
-
0.06469971
f
,
-
0.08346602
f
,
-
0.04166770
f
,
-
0.05795543
f
,
-
0.08247511
f
,
-
0.05742628
f
,
0.08452254
f
,
-
0.03350224
f
,
0.13980860
f
,
0.13252275
f
,
0.07589617
f
,
0.07539988
f
,
0.12155797
f
,
0.19087289
f
,
0.15050751
f
,
0.21250245
f
,
0.14206800
f
,
0.01298489
f
,
0.07450245
f
,
0.06559097
f
,
0.01700557
f
,
0.04512971
f
,
0.16950700
f
,
0.10261577
f
,
0.16389982
f
,
0.05505059
f
,
-
0.03453077
f
,
0.08622462
f
,
0.07935954
f
,
0.03976260
f
,
0.02036091
f
,
3.95744899e-003
f
,
0.03267065
f
,
0.15235919
f
,
0.01297494
f
,
-
0.08109194
f
,
0.01407558
f
,
4.40693414e-003
f
,
-
0.15157418
f
,
-
0.11390478
f
,
-
0.07487597
f
,
-
7.81322457e-003
f
,
-
0.02749545
f
,
-
0.10181408
f
,
0.13755716
f
,
0.14007211
f
,
0.13482562
f
,
0.27517235
f
,
0.34251109
f
,
0.07639657
f
,
0.07268607
f
,
0.19823882
f
,
0.16135791
f
,
-
0.04186463
f
,
-
0.12784107
f
,
-
0.09846287
f
,
0.03169041
f
,
0.10974082
f
,
-
0.15051922
f
,
-
0.08916726
f
,
-
0.07138767
f
,
-
0.04153349
f
,
6.25418453e-003
f
,
0.01266654
f
,
0.10533249
f
,
0.12749144
f
,
0.15148053
f
,
0.01498513
f
,
0.06305949
f
,
-
0.01247123
f
,
-
0.08778401
f
,
-
0.08551880
f
,
-
0.11955146
f
,
-
0.08493572
f
,
-
0.02901620
f
,
-
0.02394859
f
,
-
0.13427313
f
,
-
0.11053200
f
,
-
0.14413260
f
,
-
0.15203285
f
,
0.03972760
f
,
-
3.72127310e-004
f
,
-
0.04200919
f
,
0.06105104
f
,
0.01904975
f
,
-
0.01106191
f
,
-
7.27445772e-003
f
,
-
0.01520341
f
,
1.10228511e-003
f
,
-
0.04949187
f
,
-
0.08013099
f
,
5.72071038e-003
f
,
0.08415454
f
,
-
0.06523152
f
,
0.03664081
f
,
-
0.02673042
f
,
-
0.12066154
f
,
-
0.03702074
f
,
0.06006580
f
,
0.01628682
f
,
-
6.17772620e-003
f
,
0.08192339
f
,
-
3.41629819e-003
f
,
0.02870512
f
,
0.05807141
f
,
0.04959986
f
,
0.04618251
f
,
-
0.04901629
f
,
-
0.10579574
f
,
0.02274442
f
,
0.12070961
f
,
2.23597488e-003
f
,
0.09831765
f
,
-
0.03019848
f
,
-
0.11181970
f
,
-
0.04961075
f
,
0.02498928
f
,
-
0.03714991
f
,
-
0.01619653
f
,
0.02643486
f
,
-
7.62964319e-003
f
,
-
0.02882290
f
,
-
0.06242594
f
,
-
0.08439861
f
,
0.07220893
f
,
0.07263952
f
,
0.01561574
f
,
0.03091968
f
,
0.01708712
f
,
-
0.03797151
f
,
-
3.18561122e-003
f
,
0.01624021
f
,
-
0.02828573
f
,
0.11284444
f
,
-
1.32280716e-003
f
,
-
0.07784860
f
,
-
0.07209100
f
,
0.03372242
f
,
0.12154529
f
,
0.02278104
f
,
-
0.05275500
f
,
-
0.01918484
f
,
0.12989293
f
,
0.05424401
f
,
0.02333086
f
,
0.04029022
f
,
0.12392918
f
,
0.09495489
f
,
0.09190340
f
,
0.07935889
f
,
8.76816828e-003
f
,
0.17148446
f
,
-
8.51302687e-003
f
,
-
0.08011249
f
,
-
0.06796283
f
,
0.04884845
f
,
0.01112272
f
,
-
0.07835306
f
,
-
1.14811445e-003
f
,
-
0.03440760
f
,
0.02845243
f
,
0.07695542
f
,
-
0.07069533
f
,
-
0.01151784
f
,
-
8.53884313e-003
f
,
-
0.01662786
f
,
-
0.04163864
f
,
0.05400505
f
,
0.02859163
f
,
0.02921852
f
,
0.05003135
f
,
-
6.85718050e-003
f
,
-
0.01632611
f
,
0.07780217
f
,
0.04042810
f
,
-
0.01216440
f
,
3.60914599e-003
f
,
-
0.06322435
f
,
0.09516726
f
,
0.12877031
f
,
-
9.69162490e-003
f
,
0.01031179
f
,
0.05180895
f
,
-
9.34659224e-003
f
,
-
0.01644533
f
,
-
0.04849347
f
,
-
0.04343236
f
,
0.10514783
f
,
0.08046635
f
,
-
0.04615205
f
,
-
0.03975486
f
,
-
0.01485525
f
,
0.13096830
f
,
-
0.01517950
f
,
-
0.06571898
f
,
-
0.04016372
f
,
0.01849786
f
,
0.02439670
f
,
0.08067258
f
,
1.74824719e-003
f
,
0.07053747
f
,
0.08819518
f
,
-
5.08352555e-003
f
,
-
0.06550863
f
,
-
0.08266170
f
,
-
0.07780605
f
,
0.01453450
f
,
-
0.08756890
f
,
0.01096501
f
,
-
8.71319138e-003
f
,
0.10110464
f
,
0.02420769
f
,
-
0.06708383
f
,
0.02007811
f
,
5.93133038e-003
f
,
0.05398923
f
,
0.07538138
f
,
0.02049227
f
,
0.02242589
f
,
0.04011070
f
,
-
1.44875818e-003
f
,
-
4.19115182e-003
f
,
0.06367654
f
,
0.02506934
f
,
0.02434536
f
,
0.05879405
f
,
-
8.22952855e-003
f
,
-
0.01242441
f
,
0.04224926
f
,
-
0.01754923
f
,
0.05958161
f
,
0.03818886
f
,
-
0.01830363
f
,
-
0.04308917
f
,
-
0.04422197
f
,
-
0.02432721
f
,
0.02264866
f
,
2.03751423e-003
f
,
0.01197031
f
,
0.04439203
f
,
0.12169247
f
,
0.03602713
f
,
-
0.02599251
f
,
-
1.98226492e-003
f
,
0.02046336
f
,
-
0.02639058
f
,
-
1.91242550e-003
f
,
-
0.09334669
f
,
-
0.03595153
f
,
-
9.88179818e-003
f
,
-
0.06848445
f
,
-
0.04666303
f
,
-
0.09955736
f
,
-
0.04206430
f
,
0.02609075
f
,
9.09005292e-003
f
,
-
0.07138551
f
,
-
4.22313227e-004
f
,
0.01766645
f
,
0.02756404
f
,
0.01308276
f
,
0.04052891
f
,
0.02387515
f
,
0.05337298
f
,
0.02500631
f
,
-
0.04970853
f
,
-
0.12467445
f
,
0.17604403
f
,
0.12256411
f
,
-
0.07512254
f
,
8.70451052e-003
f
,
-
0.05697548
f
,
-
0.03626474
f
,
-
8.76623299e-003
f
,
-
0.01210897
f
,
-
0.09451522
f
,
0.07490732
f
,
-
0.02008001
f
,
-
0.02681278
f
,
-
0.06463405
f
,
-
0.01517507
f
,
7.33757764e-003
f
,
6.07147906e-003
f
,
-
0.09316964
f
,
-
0.04575328
f
,
0.13261597
f
,
0.15424870
f
,
-
0.01655918
f
,
-
0.02772390
f
,
-
0.05243644
f
,
-
0.02356456
f
,
-
0.02351753
f
,
-
0.10211615
f
,
-
0.12873036
f
,
0.14549787
f
,
0.12519856
f
,
4.38762689e-003
f
,
0.02795992
f
,
0.05170322
f
,
0.09223596
f
,
0.05890015
f
,
0.02376701
f
,
-
0.02777346
f
,
0.09506908
f
,
0.02328936
f
,
-
0.02319928
f
,
-
0.03218696
f
,
-
0.01527841
f
,
-
0.01016694
f
,
-
0.02674719
f
,
0.05137179
f
,
0.01980666
f
,
0.06544447
f
,
-
0.01746171
f
,
0.01026380
f
,
0.01561806
f
,
7.97004555e-004
f
,
0.07601810
f
,
0.01907250
f
,
-
0.03083035
f
,
-
0.05987392
f
,
0.09242783
f
,
0.14555025
f
,
0.01035827
f
,
0.03092401
f
,
-
0.09562709
f
,
-
0.03802354
f
,
0.02531144
f
,
0.03079449
f
,
-
0.07100715
f
,
0.03330721
f
,
-
2.69116857e-003
f
,
0.03167490
f
,
0.05744999
f
,
0.03259895
f
,
1.91266940e-003
f
,
0.03194578
f
,
0.07389776
f
,
0.02198060
f
,
0.07633314
f
,
0.03293105
f
,
-
0.09103648
f
,
0.04718142
f
,
0.06102672
f
,
-
0.01003063
f
,
5.85481385e-003
f
,
-
0.01522574
f
,
0.02323526
f
,
0.10584345
f
,
4.35879454e-003
f
,
0.06107873
f
,
0.05868603
f
,
-
0.03115531
f
,
0.01214679
f
,
0.08567052
f
,
3.93926632e-003
f
,
-
0.02521488
f
,
-
1.88425183e-003
f
,
0.02038053
f
,
-
6.26854831e-004
f
,
0.04897438
f
,
-
0.04280585
f
,
-
0.04819689
f
,
-
0.04812867
f
,
-
0.01451186
f
,
0.05101469
f
,
-
9.01125465e-003
f
,
-
0.03333859
f
,
0.03917955
f
,
0.04196448
f
,
0.04292135
f
,
0.02809529
f
,
0.02999715
f
,
0.04081348
f
,
9.10039060e-003
f
,
0.09703232
f
,
0.10379741
f
,
0.02348725
f
,
-
4.72756615e-003
f
,
0.01027325
f
,
0.10402658
f
,
0.12071823
f
,
0.09817299
f
,
-
0.02612033
f
,
0.03638414
f
,
0.05896405
f
,
0.04865025
f
,
0.04793910
f
,
-
0.03882321
f
,
-
0.02962117
f
,
-
0.01222268
f
,
0.04071597
f
,
0.01922777
f
,
-
0.02287866
f
,
0.03328381
f
,
0.01859092
f
,
0.09024994
f
,
0.03804455
f
,
-
0.01424510
f
,
0.01953739
f
,
0.02509617
f
,
-
0.03390914
f
,
-
0.05663941
f
,
-
0.01641979
f
,
0.05848591
f
,
0.04639670
f
,
0.02092116
f
,
0.12911791
f
,
0.19918139
f
,
0.07739855
f
,
-
7.25806039e-003
f
,
0.04074838
f
,
0.03183993
f
,
1.39251316e-003
f
,
-
0.01428625
f
,
0.01865480
f
,
0.08529541
f
,
0.13547510
f
,
0.11189661
f
,
0.03998901
f
,
0.09575938
f
,
-
0.02631102
f
,
-
0.03458253
f
,
-
0.04749985
f
,
-
0.06070716
f
,
4.71884012e-003
f
,
0.06445789
f
,
-
0.02450038
f
,
-
0.05483776
f
,
-
0.04657237
f
,
-
0.02030717
f
,
-
0.03480766
f
,
-
0.09397731
f
,
-
0.06399718
f
,
-
0.01804585
f
,
5.62348310e-003
f
,
-
6.64811488e-003
f
,
-
0.06517869
f
,
6.96210237e-003
f
,
-
0.01860148
f
,
-
0.04245830
f
,
-
0.05850367
f
,
-
3.24417115e-003
f
,
0.07700698
f
,
0.11290991
f
,
0.09923030
f
,
-
0.02970599
f
,
0.05592411
f
,
0.04813979
f
,
-
0.09811195
f
,
-
0.09357996
f
,
-
0.03276114
f
,
0.05218338
f
,
0.04141375
f
,
3.92977800e-003
f
,
-
0.05047480
f
,
0.15960084
f
,
0.04612800
f
,
-
0.03114098
f
,
-
0.04650044
f
,
-
0.03249795
f
,
-
0.02425641
f
,
-
0.04311355
f
,
0.04307659
f
,
-
0.09401883
f
,
-
0.04742785
f
,
-
0.01254499
f
,
-
0.06598741
f
,
3.41369561e-003
f
,
-
0.05620445
f
,
-
7.28127593e-003
f
,
-
0.05998361
f
,
-
0.03274450
f
,
-
0.07376868
f
,
3.19015374e-003
f
,
-
0.07733069
f
,
0.05815864
f
,
-
0.02471071
f
,
0.03850617
f
,
0.13838784
f
,
0.15399861
f
,
0.01731321
f
,
-
0.01477586
f
,
0.10393341
f
,
0.05159833
f
,
-
0.01945555
f
,
-
0.03427503
f
,
-
0.04867341
f
,
0.09237480
f
,
0.10732719
f
,
0.06071450
f
,
-
0.01355071
f
,
0.01844356
f
,
-
0.03480803
f
,
-
0.03796671
f
,
2.15628621e-004
f
,
-
0.05440186
f
,
0.01889855
f
,
-
0.01443413
f
,
-
0.02607902
f
,
-
0.02938001
f
,
0.02720689
f
,
-
0.06228397
f
,
-
0.02970936
f
,
-
0.03426210
f
,
-
0.10280876
f
,
-
0.06739304
f
,
-
0.05227850
f
,
0.03360292
f
,
-
0.11278441
f
,
-
0.06966180
f
,
-
0.13937433
f
,
9.10932291e-003
f
,
2.52020749e-004
f
,
-
4.07359656e-003
f
,
0.12310639
f
,
0.09343060
f
,
0.07302511
f
,
0.03222093
f
,
0.07532879
f
,
0.03792387
f
,
-
0.04985180
f
,
0.01804602
f
,
0.02694195
f
,
0.13481498
f
,
0.04601225
f
,
0.04106982
f
,
0.08511057
f
,
0.12314661
f
,
0.01320830
f
,
0.05044121
f
,
-
5.52943908e-003
f
,
-
0.08992624
f
,
-
0.02249301
f
,
-
0.08181777
f
,
0.06165213
f
,
-
0.03256603
f
,
-
0.01068920
f
,
-
0.01323473
f
,
-
0.11970232
f
,
-
0.04616347
f
,
-
0.12088681
f
,
-
0.06762606
f
,
-
0.08676834
f
,
-
0.06434575
f
,
0.01772529
f
,
0.03469615
f
,
-
0.10926618
f
,
0.03013873
f
,
0.14030397
f
,
0.16130108
f
,
0.17985588
f
,
0.11281928
f
,
0.10530639
f
,
0.08905948
f
,
0.07733764
f
,
0.06695238
f
,
0.02142088
f
,
0.06438877
f
,
0.09794453
f
,
0.05745072
f
,
0.02788557
f
,
0.02632830
f
,
0.07985807
f
,
4.24902979e-003
f
,
8.47890321e-003
f
,
-
0.02679466
f
,
-
5.28812688e-003
f
,
-
0.02162580
f
,
-
0.07490715
f
,
-
0.08251337
f
,
-
0.02056576
f
,
-
0.01026194
f
,
-
1.15492963e-003
f
,
-
5.75720915e-004
f
,
-
0.07210591
f
,
-
0.07320981
f
,
-
0.04883312
f
,
-
0.10897151
f
,
-
0.07477258
f
,
-
0.08867134
f
,
-
0.09222437
f
,
-
0.10924666
f
,
-
0.10430276
f
,
0.07953499
f
,
0.02767959
f
,
0.11393359
f
,
0.18779543
f
,
0.03313421
f
,
0.02143700
f
,
0.05852016
f
,
-
2.12067598e-003
f
,
-
3.76984011e-003
f
,
0.02774167
f
,
-
0.03124610
f
,
0.01465141
f
,
0.01616004
f
,
-
0.01391913
f
,
-
0.04404102
f
,
-
0.05444227
f
,
-
0.14684731
f
,
-
0.15016587
f
,
0.04509468
f
,
1.29563001e-003
f
,
0.01398350
f
,
0.05610404
f
,
-
0.04868806
f
,
-
0.04776716
f
,
-
8.16873740e-003
f
,
-
2.30126386e-003
f
,
-
0.02286313
f
,
0.11983398
f
,
-
0.04703261
f
,
-
0.08814441
f
,
-
0.07585249
f
,
-
0.10799607
f
,
-
0.03232087
f
,
0.01509786
f
,
-
0.04843464
f
,
-
0.03967846
f
,
0.09589416
f
,
0.01352560
f
,
-
0.01458119
f
,
0.01050829
f
,
-
0.03038946
f
,
0.01608388
f
,
1.11975556e-003
f
,
-
0.01250656
f
,
2.86211423e-003
f
,
0.04333691
f
,
-
0.14603497
f
,
-
0.01946543
f
,
-
0.02327525
f
,
-
0.01973944
f
,
0.07944400
f
,
-
0.02224544
f
,
-
0.06701808
f
,
0.03476532
f
,
0.11505594
f
,
-
0.02712801
f
,
-
0.01665113
f
,
0.06315716
f
,
-
0.08205860
f
,
0.07431999
f
,
0.04915778
f
,
-
0.04468752
f
,
-
0.01490402
f
,
0.07400476
f
,
-
0.11650901
f
,
0.05102430
f
,
0.04559118
f
,
-
0.05916039
f
,
0.08840760
f
,
-
0.01587902
f
,
-
0.14890194
f
,
0.07857784
f
,
0.04710254
f
,
-
0.05381983
f
,
-
0.07331945
f
,
-
0.03604643
f
,
0.15611970
f
,
0.07649943
f
,
-
0.05959348
f
,
-
0.02776607
f
,
0.11098688
f
,
0.03758875
f
,
-
0.04446875
f
,
0.04933187
f
,
0.01345535
f
,
0.06921103
f
,
0.07364785
f
,
0.05518956
f
,
0.02899585
f
,
0.09375840
f
,
0.10518434
f
,
-
0.04420241
f
,
0.01915282
f
,
-
3.56386811e-003
f
,
0.14586878
f
,
0.10286101
f
,
-
0.04360626
f
,
-
0.12723237
f
,
0.09076386
f
,
0.11119842
f
,
-
0.06035013
f
,
0.09674817
f
,
0.08938243
f
,
0.07065924
f
,
0.02603180
f
,
5.84815582e-003
f
,
-
0.05922065
f
,
0.12360309
f
,
3.59695964e-003
f
,
2.99844006e-003
f
,
0.03697936
f
,
0.02043072
f
,
0.04168725
f
,
0.01025975
f
,
-
0.01359980
f
,
-
0.01600920
f
,
0.02581056
f
,
0.02329250
f
,
2.98100687e-003
f
,
0.01629762
f
,
0.06652115
f
,
0.05855627
f
,
0.01237463
f
,
-
0.01297135
f
,
0.01761587
f
,
0.05090865
f
,
0.06549342
f
,
-
0.04425945
f
,
2.43203156e-003
f
,
3.07327788e-003
f
,
0.06678630
f
,
-
0.04303836
f
,
0.01082393
f
,
-
0.06476044
f
,
0.04077786
f
,
0.12441979
f
,
0.08237778
f
,
0.07424165
f
,
0.04065890
f
,
0.06905543
f
,
0.09556347
f
,
0.12724875
f
,
-
0.02132082
f
,
0.08514154
f
,
-
0.04175328
f
,
-
0.02666954
f
,
0.01897836
f
,
0.03317382
f
,
9.45465732e-003
f
,
-
0.01238974
f
,
-
0.04242500
f
,
-
0.01419479
f
,
-
0.03545213
f
,
-
0.02440874
f
,
0.08684119
f
,
0.04212951
f
,
0.02462858
f
,
-
0.01104825
f
,
-
5.01706870e-003
f
,
0.02968982
f
,
0.02597476
f
,
-
0.01568939
f
,
0.04514892
f
,
0.06974549
f
,
0.08670278
f
,
0.06828108
f
,
0.10238872
f
,
0.05405957
f
,
0.06548470
f
,
-
0.03763957
f
,
0.01366090
f
,
0.07069602
f
,
0.05363748
f
,
0.04798120
f
,
0.11706422
f
,
0.05466456
f
,
-
0.01869259
f
,
0.06344382
f
,
0.03106543
f
,
0.08432506
f
,
-
0.02061096
f
,
0.03821088
f
,
-
6.92190882e-003
f
,
6.40467042e-003
f
,
-
0.01271779
f
,
6.89014705e-005
f
,
0.04541415
f
,
-
0.01899539
f
,
-
0.05020239
f
,
0.03000903
f
,
0.01090422
f
,
4.52452758e-003
f
,
0.02573632
f
,
-
0.02388454
f
,
-
0.04200457
f
,
1.72783900e-003
f
,
-
0.05978370
f
,
-
0.02720562
f
,
0.06573715
f
,
0.01154317
f
,
0.01265615
f
,
0.07375994
f
,
-
9.19828378e-003
f
,
-
0.04914120
f
,
0.02124831
f
,
0.06455322
f
,
0.04372910
f
,
-
0.03310043
f
,
0.03605788
f
,
-
6.78055827e-003
f
,
9.36202332e-003
f
,
0.01747596
f
,
-
0.06406314
f
,
-
0.06812935
f
,
0.08080816
f
,
-
0.02778088
f
,
0.02735260
f
,
0.06393493
f
,
0.06652229
f
,
0.05676993
f
,
0.08640018
f
,
-
7.59188086e-003
f
,
-
0.02012847
f
,
-
0.04741159
f
,
-
0.01657069
f
,
-
0.01624399
f
,
0.05547778
f
,
-
2.33309763e-003
f
,
0.01120033
f
,
0.06141156
f
,
-
0.06285004
f
,
-
0.08732341
f
,
-
0.09313398
f
,
-
0.04267832
f
,
5.57443965e-003
f
,
0.04809862
f
,
0.01773641
f
,
5.37361018e-003
f
,
0.14842421
f
,
-
0.06298012
f
,
-
0.02935147
f
,
0.11443478
f
,
-
0.05034208
f
,
5.65494271e-003
f
,
0.02076526
f
,
-
0.04577984
f
,
-
0.04735741
f
,
0.02961071
f
,
-
0.09307127
f
,
-
0.04417921
f
,
-
0.04990027
f
,
-
0.03940028
f
,
0.01306016
f
,
0.06267900
f
,
0.03758737
f
,
0.08460117
f
,
0.13858789
f
,
0.04862388
f
,
-
0.06319809
f
,
-
0.05655516
f
,
0.01885816
f
,
-
0.03285607
f
,
0.03371567
f
,
-
0.07040928
f
,
-
0.04514049
f
,
0.01392166
f
,
0.08184422
f
,
-
0.07230316
f
,
0.02386871
f
,
0.02184591
f
,
0.02605764
f
,
-
0.01033954
f
,
9.29878280e-003
f
,
7.67351175e-003
f
,
0.15189242
f
,
0.02069071
f
,
-
0.09738296
f
,
-
0.08894105
f
,
-
0.07768748
f
,
0.02332268
f
,
-
0.01778995
f
,
-
0.03258888
f
,
-
0.08180822
f
,
-
0.08492987
f
,
0.02290156
f
,
-
0.11368170
f
,
-
0.03554465
f
,
-
0.04533844
f
,
-
0.02861580
f
,
0.06782424
f
,
0.01113123
f
,
0.02453644
f
,
0.12721945
f
,
0.08084814
f
,
-
0.03607795
f
,
0.01109122
f
,
0.04803548
f
,
-
0.03489929
f
,
0.03399536
f
,
-
0.05682014
f
,
8.59533902e-003
f
,
-
4.27904585e-003
f
,
0.03230887
f
,
-
0.01300198
f
,
-
0.01038137
f
,
-
0.07930113
f
,
8.33097473e-003
f
,
0.02296994
f
,
-
0.01306500
f
,
-
0.01881626
f
,
0.04413369
f
,
0.05729880
f
,
-
0.03761553
f
,
0.01942326
f
,
1.64540811e-003
f
,
-
0.03811319
f
,
0.04190650
f
,
-
0.14978096
f
,
-
0.04514487
f
,
0.01209545
f
,
-
5.46460645e-003
f
,
-
0.01647195
f
,
7.63064111e-003
f
,
-
0.07494587
f
,
0.08415288
f
,
0.10020141
f
,
-
0.01228561
f
,
0.06553826
f
,
0.04554005
f
,
0.07890417
f
,
0.03041138
f
,
0.01752007
f
,
0.09208256
f
,
-
3.74419295e-004
f
,
0.10549527
f
,
0.04686913
f
,
0.01894833
f
,
-
0.02651412
f
,
-
4.34682379e-003
f
,
5.44942822e-003
f
,
0.01444484
f
,
0.05882156
f
,
-
0.03336544
f
,
0.04603891
f
,
-
0.10432546
f
,
0.01923928
f
,
0.01842845
f
,
-
0.01712168
f
,
-
0.02222766
f
,
0.04693324
f
,
-
0.06202956
f
,
-
0.01422159
f
,
0.08732220
f
,
-
0.07706107
f
,
0.02661049
f
,
-
0.04300238
f
,
-
0.03092422
f
,
-
0.03552184
f
,
-
0.01886088
f
,
-
0.04979934
f
,
0.03906401
f
,
0.04608644
f
,
0.04966111
f
,
0.04275464
f
,
-
0.04621769
f
,
-
0.02653212
f
,
8.57011229e-003
f
,
0.03839684
f
,
0.05818764
f
,
0.03880796
f
,
-
2.76100676e-004
f
,
0.03076511
f
,
-
0.03266929
f
,
-
0.05374557
f
,
0.04986527
f
,
-
9.45429131e-003
f
,
0.03582499
f
,
-
2.64564669e-003
f
,
-
1.07461517e-003
f
,
0.02962313
f
,
-
0.01483363
f
,
0.03060869
f
,
0.02448327
f
,
0.01845641
f
,
0.03282966
f
,
-
0.03534438
f
,
-
0.01084059
f
,
-
0.01119136
f
,
-
1.85360224e-003
f
,
-
5.94652840e-004
f
,
-
0.04451817
f
,
2.98327743e-003
f
,
0.06272484
f
,
-
0.02152076
f
,
-
3.05971340e-003
f
,
-
0.05070828
f
,
0.01531762
f
,
0.01282815
f
,
0.05167150
f
,
9.46266949e-003
f
,
-
3.34558333e-003
f
,
0.11442288
f
,
-
0.03906701
f
,
-
2.67325155e-003
f
,
0.03069184
f
,
-
0.01134165
f
,
0.02949462
f
,
0.02879886
f
,
0.03855566
f
,
-
0.03450781
f
,
0.09142872
f
,
-
0.02156654
f
,
0.06075062
f
,
-
0.06220816
f
,
0.01944680
f
,
6.68372354e-003
f
,
-
0.06656796
f
,
8.70784000e-003
f
,
0.03456013
f
,
0.02434320
f
,
-
0.13236357
f
,
-
0.04177035
f
,
-
0.02069627
f
,
0.01068112
f
,
0.01505432
f
,
-
0.07517391
f
,
-
3.83571628e-003
f
,
-
0.06298508
f
,
-
0.02881260
f
,
-
0.13101046
f
,
-
0.07221562
f
,
-
5.79945277e-003
f
,
-
8.57300125e-003
f
,
0.03782469
f
,
0.02762164
f
,
0.04942456
f
,
-
0.02936396
f
,
0.09597211
f
,
0.01921411
f
,
0.06101191
f
,
-
0.04787507
f
,
-
0.01379578
f
,
-
7.40224449e-003
f
,
-
0.02220136
f
,
-
0.01313756
f
,
7.77558051e-003
f
,
0.12296968
f
,
0.02939998
f
,
0.03594062
f
,
-
0.07788624
f
,
-
0.01133144
f
,
3.99316690e-004
f
,
-
0.06090347
f
,
-
0.01122066
f
,
-
4.68682544e-003
f
,
0.07633100
f
,
-
0.06748922
f
,
-
0.05640298
f
,
-
0.05265681
f
,
-
0.01139122
f
,
-
0.01624347
f
,
-
0.04715714
f
,
-
0.01099092
f
,
0.01048561
f
,
3.28499987e-003
f
,
-
0.05810167
f
,
-
0.07699911
f
,
-
0.03330683
f
,
0.04185145
f
,
0.03478536
f
,
0.02275165
f
,
0.02304766
f
,
6.66040834e-003
f
,
0.10968148
f
,
-
5.93013782e-003
f
,
-
0.04858336
f
,
-
0.04203213
f
,
-
0.09316786
f
,
-
6.13074889e-003
f
,
-
0.02544625
f
,
0.01366201
f
,
9.18555818e-003
f
,
-
0.01846578
f
,
-
0.05622401
f
,
-
0.03989377
f
,
-
0.07810296
f
,
6.91275718e-003
f
,
0.05957597
f
,
-
0.03901334
f
,
0.01572002
f
,
-
0.01193903
f
,
-
6.89400872e-003
f
,
-
0.03093356
f
,
-
0.04136098
f
,
-
0.01562869
f
,
-
0.04604580
f
,
0.02865234
f
,
-
0.08678447
f
,
-
0.03232484
f
,
-
0.05364593
f
,
-
0.01445016
f
,
-
0.07003860
f
,
-
0.08669746
f
,
-
0.04520775
f
,
0.04274122
f
,
0.03117515
f
,
0.08175703
f
,
0.01081109
f
,
0.06379741
f
,
0.06199206
f
,
0.02865988
f
,
0.02360346
f
,
0.06725410
f
,
-
0.03248780
f
,
-
9.37702879e-003
f
,
0.08265898
f
,
-
0.02245839
f
,
0.05125763
f
,
-
0.01862395
f
,
0.01973453
f
,
-
0.01994494
f
,
-
0.10770868
f
,
0.03180375
f
,
3.23935156e-003
f
,
-
0.02142080
f
,
-
0.04256190
f
,
0.04760900
f
,
0.04282863
f
,
0.05635953
f
,
-
0.01870849
f
,
0.05540622
f
,
-
0.03042666
f
,
0.01455277
f
,
-
0.06630179
f
,
-
0.05843807
f
,
-
0.03739681
f
,
-
0.09739155
f
,
-
0.03220233
f
,
-
0.05620182
f
,
-
0.10381401
f
,
0.07400211
f
,
4.20676917e-003
f
,
0.03258535
f
,
2.14308966e-003
f
,
0.05121966
f
,
-
0.01274337
f
,
0.02384761
f
,
0.06335578
f
,
-
0.07905591
f
,
0.08375625
f
,
-
0.07898903
f
,
-
0.06508528
f
,
-
0.02498444
f
,
0.06535810
f
,
0.03970535
f
,
0.04895468
f
,
-
0.01169566
f
,
-
0.03980601
f
,
0.05682293
f
,
0.05925463
f
,
-
0.01165808
f
,
-
0.07936699
f
,
-
0.04208954
f
,
0.01333987
f
,
0.09051196
f
,
0.10098671
f
,
-
0.03974256
f
,
0.01238771
f
,
-
0.07501741
f
,
-
0.03655440
f
,
-
0.04301528
f
,
0.09216860
f
,
4.63579083e-004
f
,
0.02851115
f
,
0.02142735
f
,
1.28244064e-004
f
,
0.02879687
f
,
-
0.08554889
f
,
-
0.04838862
f
,
0.08135369
f
,
-
0.05756533
f
,
0.01413900
f
,
0.03451880
f
,
-
0.06619488
f
,
-
0.03053130
f
,
0.02961676
f
,
-
0.07384635
f
,
0.01135692
f
,
0.05283910
f
,
-
0.07778034
f
,
-
0.02107482
f
,
-
0.05511716
f
,
-
0.13473752
f
,
0.03030157
f
,
0.06722020
f
,
-
0.06218817
f
,
-
0.05826827
f
,
0.06254654
f
,
0.02895772
f
,
-
0.01664000
f
,
-
0.03620280
f
,
-
0.01612278
f
,
-
1.46097376e-003
f
,
0.14013411
f
,
-
8.96181818e-003
f
,
-
0.03250246
f
,
3.38630192e-003
f
,
2.64779478e-003
f
,
0.03359732
f
,
-
0.02411991
f
,
-
0.04229729
f
,
0.10666174
f
,
-
6.66579151
f
};
return
vector
<
float
>
(
detector
,
detector
+
sizeof
(
detector
)
/
sizeof
(
detector
[
0
]));
}
#endif
\ No newline at end of file
Write
Preview
Markdown
is supported
0%
Try again
or
attach a new file
Attach a file
Cancel
You are about to add
0
people
to the discussion. Proceed with caution.
Finish editing this message first!
Cancel
Please
register
or
sign in
to comment