Searched refs:hist (Results 1 - 25 of 111) sorted by relevance

12345

/external/chromium-trace/catapult/telemetry/telemetry/util/
H A Dcolor_histogram_unittest.py59 hist = image_util.GetColorHistogram(bmp)
61 self.assertEquals(sum(hist[i]),
63 self.assertEquals(hist.r[1], 0)
64 self.assertEquals(hist.r[5], 2)
65 self.assertEquals(hist.r[8], 2)
66 self.assertEquals(hist.g[2], 0)
67 self.assertEquals(hist.g[4], 2)
68 self.assertEquals(hist.g[7], 2)
69 self.assertEquals(hist.b[3], 0)
70 self.assertEquals(hist
[all...]
/external/libvpx/libvpx/
H A Drate_hist.h25 void destroy_rate_histogram(struct rate_hist *hist);
27 void update_rate_histogram(struct rate_hist *hist,
33 void show_rate_histogram(struct rate_hist *hist, const vpx_codec_enc_cfg_t *cfg,
H A Drate_hist.c40 struct rate_hist *hist = malloc(sizeof(*hist)); local
45 hist->samples = cfg->rc_buf_sz * 5 / 4 * fps->num / fps->den / 1000;
48 if (hist->samples == 0)
49 hist->samples = 1;
51 hist->frames = 0;
52 hist->total = 0;
54 hist->pts = calloc(hist->samples, sizeof(*hist
65 destroy_rate_histogram(struct rate_hist *hist) argument
73 update_rate_histogram(struct rate_hist *hist, const vpx_codec_enc_cfg_t *cfg, const vpx_codec_cx_pkt_t *pkt) argument
271 show_rate_histogram(struct rate_hist *hist, const vpx_codec_enc_cfg_t *cfg, int max_buckets) argument
[all...]
/external/opencv/cv/src/
H A Dcvcalccontrasthistogram.cpp46 CvHistogram* hist, int dont_clear ))
50 CvHistogram* hist, int dont_clear ))
63 CvHistogram* hist, int dont_clear )
68 if( !hist || !img )
71 dims = hist->c_dims;
75 if( hist->type != CV_HIST_ARRAY )
82 for( i = 0; i < hist->c_dims; i++ )
84 if( !hist->thresh[i] )
86 assert( hist->chdims[i] );
89 j = hist
[all...]
H A Dcvhistogram.cpp47 CvHistogram *hist = 0; local
58 CV_CALL( hist = (CvHistogram *)cvAlloc( sizeof( CvHistogram )));
60 hist->type = CV_HIST_MAGIC_VAL;
61 hist->thresh2 = 0;
62 hist->bins = 0;
65 CV_CALL( hist->bins = cvInitMatNDHeader( &hist->mat, dims, sizes,
67 CV_CALL( cvCreateData( hist->bins ));
71 CV_CALL( hist->bins = cvCreateSparseMat( dims, sizes, CV_HIST_DEFAULT_TYPE ));
79 CV_CALL( cvSetHistBinRanges( hist, range
92 cvMakeHistHeaderForArray( int dims, int *sizes, CvHistogram *hist, float *data, float **ranges, int uniform ) argument
188 cvThreshHist( CvHistogram* hist, double thresh ) argument
224 cvNormalizeHist( CvHistogram* hist, double factor ) argument
273 cvGetMinMaxHistValue( const CvHistogram* hist, float *value_min, float* value_max, int* idx_min, int* idx_max ) argument
721 cvSetHistBinRanges( CvHistogram* hist, float** ranges, int uniform ) argument
794 icvCalcHistLookupTables8u( const CvHistogram* hist, int dims, int* size, int* tab ) argument
1402 cvCalcArrHist( CvArr** img, CvHistogram* hist, int do_not_clear, const CvArr* mask ) argument
2141 cvCalcArrBackProjectPatch( CvArr** arr, CvArr* dst, CvSize patch_size, CvHistogram* hist, int method, double norm_factor ) argument
2261 cvCalcProbDensity( const CvHistogram* hist, const CvHistogram* hist_mask, CvHistogram* hist_dens, double scale ) argument
2313 CvHistogram* hist = 0; local
2461 const CvHistogram * hist = (const CvHistogram *) struct_ptr; local
[all...]
H A Dcvthresh.cpp197 icvGetThreshVal_Otsu( const CvHistogram* hist )
214 if( !CV_IS_HIST(hist) || CV_IS_SPARSE_HIST(hist) || hist->mat.dims != 1 )
218 count = hist->mat.dim[0].size;
219 h = (float*)cvPtr1D( hist->bins, 0 );
221 if( !CV_HIST_HAS_RANGES(hist) || CV_IS_UNIFORM_HIST(hist) )
223 if( CV_HIST_HAS_RANGES(hist) )
225 low = hist
299 CvHistogram* hist = 0; local
[all...]
/external/opencv3/samples/cpp/tutorial_code/Histograms_Matching/
H A DcalcBackProject_Demo1.cpp60 MatND hist; local
66 calcHist( &hue, 1, 0, Mat(), hist, 1, &histSize, &ranges, true, false );
67 normalize( hist, hist, 0, 255, NORM_MINMAX, -1, Mat() );
71 calcBackProject( &hue, 1, 0, hist, backproj, &ranges, 1, true );
82 { rectangle( histImg, Point( i*bin_w, h ), Point( (i+1)*bin_w, h - cvRound( hist.at<float>(i)*h/255.0 ) ), Scalar( 0, 0, 255 ), -1 ); }
H A DcalcBackProject_Demo2.cpp82 MatND hist; local
93 calcHist( &hsv, 1, channels, mask, hist, 2, histSize, ranges, true, false );
95 normalize( hist, hist, 0, 255, NORM_MINMAX, -1, Mat() );
99 calcBackProject( &hsv, 1, channels, hist, backproj, ranges, 1, true );
/external/opencv3/modules/cudaimgproc/src/
H A Dhistogram.cpp69 namespace hist
71 void histogram256(PtrStepSzb src, int* hist, cudaStream_t stream);
81 GpuMat hist = _hist.getGpuMat();
83 hist.setTo(Scalar::all(0), stream);
85 hist::histogram256(src, hist.ptr<int>(), StreamAccessor::getStream(stream));
91 namespace hist
113 GpuMat hist(1, 256, CV_32SC1, buf.data);
117 cuda::calcHist(src, hist, _stream);
122 nppSafeCall( nppsIntegral_32s(hist
[all...]
/external/blktrace/btt/
H A Dunplug_hist.c30 int hist[NBKTS * sizeof(int)]; member in struct:hist_bkt
41 memset(hbp->hist, 0, NBKTS * sizeof(int));
60 hbp->hist[idx]++;
78 fprintf(fp, "%d %d\n", i, hbp->hist[i]);
/external/opencv3/modules/cudaimgproc/src/cuda/
H A Dhist.cu53 namespace hist
55 __global__ void histogram256Kernel(const uchar* src, int cols, int rows, size_t step, int* hist)
94 ::atomicAdd(hist + tid, histVal);
97 void histogram256(PtrStepSzb src, int* hist, cudaStream_t stream)
102 histogram256Kernel<<<grid, block, 0, stream>>>(src.data, src.cols, src.rows, src.step, hist);
112 namespace hist
124 int* hist, const int binCount, const int binSize, const int lowerLevel, const int upperLevel)
169 ::atomicAdd(hist + tid, histVal);
173 void histEven8u(PtrStepSzb src, int* hist, int binCount, int lowerLevel, int upperLevel, cudaStream_t stream)
182 histEven8u<<<grid, block, smem_size, stream>>>(src.data, src.step, src.rows, src.cols, hist, binCoun
[all...]
/external/opencv3/samples/cpp/
H A Ddemhist.cpp41 Mat dst, hist; local
45 calcHist(&dst, 1, 0, Mat(), hist, 1, &histSize, 0);
48 normalize(hist, hist, 0, histImage.rows, NORM_MINMAX, CV_32F);
55 Point((i+1)*binW, histImage.rows - cvRound(hist.at<float>(i))),
/external/opencv3/modules/imgproc/perf/
H A Dperf_histogram.cpp25 Mat hist; local
40 calcHist(&source, numberOfImages, channels, Mat(), hist, dims, histSize, ranges);
43 SANITY_CHECK(hist);
54 Mat hist; local
68 calcHist(&source, numberOfImages, channels, Mat(), hist, dims, histSize, ranges);
71 SANITY_CHECK(hist);
81 Mat hist; local
96 calcHist(&source, numberOfImages, channels, Mat(), hist, dims, histSize, ranges);
99 SANITY_CHECK(hist);
/external/libedit/examples/
H A Dtc1.c137 History *hist; local
146 hist = history_init(); /* Init the builtin history */
148 history(hist, &ev, H_SETSIZE, 100);
160 el_set(el, EL_HIST, history, hist);
222 if (history(hist, &ev, H_SET, lastevent) == -1)
224 history(hist, &ev, H_ADD , buf);
226 history(hist, &ev, H_ENTER, buf);
231 history(hist, &ev, continuation ? H_APPEND : H_ENTER, buf);
254 for (rv = history(hist, &ev, H_LAST); rv != -1;
255 rv = history(hist,
[all...]
H A Dwtc1.c114 HistoryW *hist; local
127 hist = history_winit(); /* Init built-in history */
128 history_w(hist, &ev, H_SETSIZE, 100); /* Remember 100 events */
129 history_w(hist, &ev, H_LOAD, hfile);
139 el_wset(el, EL_HIST, history_w, hist); /* FIXME - history_w? */
193 history_w(hist, &ev, continuation ? H_APPEND : H_ENTER, line);
214 for(rc = history_w(hist, &ev, H_LAST);
216 rc = history_w(hist, &ev, H_PREV))
222 history_w(hist, &ev, H_CLEAR);
228 history_w(hist,
[all...]
/external/libvorbis/vq/
H A Dbookutil.h39 extern void build_tree_from_lengths(int vals, long *hist, long *lengths);
40 extern void build_tree_from_lengths0(int vals, long *hist, long *lengths);
/external/opencv3/samples/python2/
H A Dcamshift.py64 bin_count = self.hist.shape[0]
68 h = int(self.hist[i])
71 cv2.imshow('hist', img)
85 hist = cv2.calcHist( [hsv_roi], [0], mask_roi, [16], [0, 180] )
86 cv2.normalize(hist, hist, 0, 255, cv2.NORM_MINMAX);
87 self.hist = hist.reshape(-1)
96 prob = cv2.calcBackProject([hsv], [0], self.hist, [0, 180], 1)
H A Dhist.py13 Usage : python hist.py <image_file>
32 hist=np.int32(np.around(hist_item))
33 pts = np.int32(np.column_stack((bins,hist)))
46 hist=np.int32(np.around(hist_item))
47 for x,y in enumerate(hist):
61 print "usage : python hist.py <image_file>"
H A Ddigits.py137 hist = np.hstack(hists)
141 hist /= hist.sum() + eps
142 hist = np.sqrt(hist)
143 hist /= norm(hist) + eps
145 samples.append(hist)
/external/opencv3/modules/cudev/include/opencv2/cudev/grid/detail/
H A Dhistogram.hpp57 __global__ void histogram(const SrcPtr src, ResType* hist, const MaskPtr mask, const int rows, const int cols) argument
88 atomicAdd(hist + i, histVal);
94 __host__ void histogram(const SrcPtr& src, ResType* hist, const MaskPtr& mask, int rows, int cols, cudaStream_t stream) argument
101 histogram<BIN_COUNT, BLOCK_SIZE><<<grid, block, 0, stream>>>(src, hist, mask, rows, cols);
/external/opencv3/modules/python/test/
H A Dcalchist.py28 hist = cv.CreateHist([h_bins, s_bins], cv.CV_HIST_ARRAY, ranges, 1)
29 cv.CalcHist([cv.GetImage(i) for i in planes], hist)
30 (_, max_value, _, _) = cv.GetMinMaxHistValue(hist)
36 bin_val = cv.QueryHistValue_2D(hist, h, s)
/external/opencv3/modules/imgproc/src/
H A Dhistogram.cpp53 calcHistLookupTables_8u( const Mat& hist, const SparseMat& shist, argument
68 int sz = !issparse ? hist.size[i] : shist.size(i);
69 size_t step = !issparse ? hist.step[i] : 1;
89 int idx = -1, sz = !issparse ? hist.size[i] : shist.size(i);
91 size_t step = !issparse ? hist.step[i] : 1;
218 Mat& hist, const double* _uniranges, int sz, int dims,
223 histogramSize_(hist.size()), histogramType_(hist.type()),
224 globalHistogram_((tbb::atomic<int>*)hist.data)
292 Mat& hist, cons
[all...]
/external/opencv3/modules/imgproc/test/
H A Dtest_histograms.cpp83 vector<CvHistogram*> hist; member in class:CV_BaseHistTest
114 for( size_t i = 0; i < hist.size(); i++ )
115 cvReleaseHist( &hist[i] );
252 Mat h = cvarrToMat(hist[hist_i]->bins);
257 CvArr* arr = hist[hist_i]->bins;
288 hist.resize(hist_count);
292 hist[i] = cvCreateHist( cdims, dims, hist_type, r, uniform );
361 cvZero( hist[i]->bins );
436 CvArr* h = hist[0]->bins;
624 cvSetRealND( hist[
[all...]
/external/opencv3/modules/objdetect/test/
H A Dtest_cascadeandhog.cpp871 float* hist = blockHist + pk.histOfs[0]; local
872 float t0 = hist[h0] + a[0]*w;
873 float t1 = hist[h1] + a[1]*w;
874 hist[h0] = t0; hist[h1] = t1;
885 float* hist = blockHist + pk.histOfs[0]; local
887 t0 = hist[h0] + a0*w;
888 t1 = hist[h1] + a1*w;
889 hist[h0] = t0; hist[h
906 float* hist = blockHist + pk.histOfs[0]; local
938 float* hist = &_hist[0], partSum[4] = { 0.0f, 0.0f, 0.0f, 0.0f }; local
[all...]
/external/opencv3/modules/cudaimgproc/test/
H A Dtest_histogram.cpp73 cv::cuda::GpuMat hist; local
74 cv::cuda::histEven(loadMat(src), hist, hbins, (int) hranges[0], (int) hranges[1]); local
86 EXPECT_MAT_NEAR(hist_gold, hist, 0.0);
115 cv::cuda::GpuMat hist; local
116 cv::cuda::calcHist(loadMat(src), hist); local
130 EXPECT_MAT_NEAR(hist_gold, hist, 0.0);

Completed in 1570 milliseconds

12345