getStream          72 modules/core/include/opencv2/core/cuda_stream_accessor.hpp             CV_EXPORTS static cudaStream_t getStream(const Stream& stream);
getStream         146 modules/core/include/opencv2/core/private.cuda.hpp             nppSetStream(StreamAccessor::getStream(newStream));
getStream         735 modules/core/src/cuda_stream.cpp     cudaSafeCall( cudaEventRecord(impl_->event, StreamAccessor::getStream(stream)) );
getStream         639 modules/core/src/opengl.cpp         impl_->copyFrom(dmat.data, dmat.step, dmat.cols * dmat.elemSize(), dmat.rows, cuda::StreamAccessor::getStream(stream));
getStream         698 modules/core/src/opengl.cpp         impl_->copyTo(dmat.data, dmat.step, dmat.cols * dmat.elemSize(), dmat.rows, cuda::StreamAccessor::getStream(stream));
getStream         798 modules/core/src/opengl.cpp         return GpuMat(rows_, cols_, type_, impl_->mapDevice(cuda::StreamAccessor::getStream(stream)));
getStream         813 modules/core/src/opengl.cpp         impl_->unmapDevice(cuda::StreamAccessor::getStream(stream));
getStream         227 modules/cudaarithm/src/arithm.cpp     cublasSafeCall( cublasSetStream_v2(handle, StreamAccessor::getStream(stream)) );
getStream         353 modules/cudaarithm/src/arithm.cpp     cufftSafeCall( cufftSetStream(plan, StreamAccessor::getStream(stream)) );
getStream         483 modules/cudaarithm/src/arithm.cpp         cudaStream_t stream = StreamAccessor::getStream(_stream);
getStream         130 modules/cudaarithm/src/core.cpp     funcs[src.depth()][src.channels() - 1](src, dst, flipCode, StreamAccessor::getStream(stream));
getStream         404 modules/cudaarithm/src/element_operations.cpp     funcs[src.depth()][src.channels() - 1](src, val, dst, StreamAccessor::getStream(stream));
getStream         428 modules/cudaarithm/src/element_operations.cpp     funcs[src.depth()][src.channels() - 1](src, val, dst, StreamAccessor::getStream(stream));
getStream         489 modules/cudaarithm/src/element_operations.cpp     npp_magnitude(src, dst, nppiMagnitude_32fc32f_C1R, StreamAccessor::getStream(stream));
getStream         500 modules/cudaarithm/src/element_operations.cpp     npp_magnitude(src, dst, nppiMagnitudeSqr_32fc32f_C1R, StreamAccessor::getStream(stream));
getStream         160 modules/cudaarithm/src/reductions.cpp     NppStreamHandler h(StreamAccessor::getStream(stream));
getStream         205 modules/cudaarithm/src/reductions.cpp     cudaStream_t stream = StreamAccessor::getStream(_stream);
getStream         157 modules/cudabgsegm/src/mog.cpp                 StreamAccessor::getStream(stream));
getStream         172 modules/cudabgsegm/src/mog.cpp         getBackgroundImage_gpu(backgroundImage.channels(), weight_, mean_, backgroundImage, nmixtures_, backgroundRatio_, StreamAccessor::getStream(stream));
getStream         201 modules/cudabgsegm/src/mog2.cpp                  (float) learningRate, static_cast<float>(-learningRate * ct_), detectShadows_, StreamAccessor::getStream(stream));
getStream         216 modules/cudabgsegm/src/mog2.cpp         getBackgroundImage2_gpu(backgroundImage.channels(), bgmodelUsedModes_, weight_, mean_, backgroundImage, StreamAccessor::getStream(stream));
getStream         374 modules/cudafeatures2d/src/brute_force_matcher.cpp         func(query, train, mask, trainIdx, distance, StreamAccessor::getStream(stream));
getStream         437 modules/cudafeatures2d/src/brute_force_matcher.cpp         func(query, trainCollection, maskCollection, trainIdx, imgIdx, distance, StreamAccessor::getStream(stream));
getStream         652 modules/cudafeatures2d/src/brute_force_matcher.cpp         func(query, train, k, mask, trainIdx, distance, allDist, StreamAccessor::getStream(stream));
getStream         723 modules/cudafeatures2d/src/brute_force_matcher.cpp         func(query, trainCollection, maskCollection, trainIdx, imgIdx, distance, StreamAccessor::getStream(stream));
getStream         909 modules/cudafeatures2d/src/brute_force_matcher.cpp         func(query, train, maxDistance, mask, trainIdx, distance, nMatches, StreamAccessor::getStream(stream));
getStream         980 modules/cudafeatures2d/src/brute_force_matcher.cpp             trainIdx, imgIdx, distance, nMatches, StreamAccessor::getStream(stream));
getStream         134 modules/cudafeatures2d/src/fast.cpp         int count = calcKeypoints_gpu(img, mask, kpLoc.ptr<short2>(), max_npoints_, score, threshold_, StreamAccessor::getStream(stream));
getStream         148 modules/cudafeatures2d/src/fast.cpp             count = nonmaxSuppression_gpu(kpLoc.ptr<short2>(), count, score, keypoints.ptr<short2>(LOCATION_ROW), keypoints.ptr<float>(RESPONSE_ROW), StreamAccessor::getStream(stream));
getStream         141 modules/cudafilters/src/filtering.cpp         cudaStream_t stream = StreamAccessor::getStream(_stream);
getStream         269 modules/cudafilters/src/filtering.cpp               borderMode_, borderVal_.val, StreamAccessor::getStream(_stream));
getStream         414 modules/cudafilters/src/filtering.cpp         cudaStream_t stream = StreamAccessor::getStream(_stream);
getStream         587 modules/cudafilters/src/filtering.cpp         cudaStream_t stream = StreamAccessor::getStream(_stream);
getStream         840 modules/cudafilters/src/filtering.cpp         cudaStream_t stream = StreamAccessor::getStream(_stream);
getStream         916 modules/cudafilters/src/filtering.cpp         cudaStream_t stream = StreamAccessor::getStream(_stream);
getStream         977 modules/cudafilters/src/filtering.cpp         cudaStream_t stream = StreamAccessor::getStream(_stream);
getStream          96 modules/cudaimgproc/src/bilateral_filter.cpp     func(src, dst, kernel_size, sigma_spatial, sigma_color, borderMode, StreamAccessor::getStream(stream));
getStream          97 modules/cudaimgproc/src/blend.cpp             blendLinearCaller<uchar>(size.height, size.width, cn, img1, img2, weights1, weights2, result, StreamAccessor::getStream(stream));
getStream          99 modules/cudaimgproc/src/blend.cpp             blendLinearCaller8UC4(size.height, size.width, img1, img2, weights1, weights2, result, StreamAccessor::getStream(stream));
getStream         102 modules/cudaimgproc/src/blend.cpp         blendLinearCaller<float>(size.height, size.width, cn, img1, img2, weights1, weights2, result, StreamAccessor::getStream(stream));
getStream         153 modules/cudaimgproc/src/canny.cpp             canny::calcMagnitude(srcWhole, ofs.x, ofs.y, dx_, dy_, mag_, L2gradient_, StreamAccessor::getStream(stream));
getStream         163 modules/cudaimgproc/src/canny.cpp             canny::calcMagnitude(dx_, dy_, mag_, L2gradient_, StreamAccessor::getStream(stream));
getStream         190 modules/cudaimgproc/src/canny.cpp         canny::calcMagnitude(dx_, dy_, mag_, L2gradient_, StreamAccessor::getStream(stream));
getStream         221 modules/cudaimgproc/src/canny.cpp         canny::calcMap(dx_, dy_, mag_, map_, static_cast<float>(low_thresh_), static_cast<float>(high_thresh_), StreamAccessor::getStream(stream));
getStream         223 modules/cudaimgproc/src/canny.cpp         canny::edgesHysteresisLocal(map_, st1_.ptr<short2>(), StreamAccessor::getStream(stream));
getStream         225 modules/cudaimgproc/src/canny.cpp         canny::edgesHysteresisGlobal(map_, st1_.ptr<short2>(), st2_.ptr<short2>(), StreamAccessor::getStream(stream));
getStream         227 modules/cudaimgproc/src/canny.cpp         canny::getEdges(map_, edges, StreamAccessor::getStream(stream));
getStream        1827 modules/cudaimgproc/src/color.cpp         cudaStream_t stream = StreamAccessor::getStream(_stream);
getStream        1865 modules/cudaimgproc/src/color.cpp         funcs[src.depth()][dcn - 1](src, dst, blue_last, start_with_green, StreamAccessor::getStream(stream));
getStream        1902 modules/cudaimgproc/src/color.cpp         funcs[src.depth()](src, dst, blue_last, start_with_green, StreamAccessor::getStream(stream));
getStream        2150 modules/cudaimgproc/src/color.cpp             cv::cuda::device::MHCdemosaic<3>(srcWhole, make_int2(ofs.x, ofs.y), dst, firstRed, StreamAccessor::getStream(stream));
getStream        2152 modules/cudaimgproc/src/color.cpp             cv::cuda::device::MHCdemosaic<4>(srcWhole, make_int2(ofs.x, ofs.y), dst, firstRed, StreamAccessor::getStream(stream));
getStream        2177 modules/cudaimgproc/src/color.cpp         cv::cuda::device::MHCdemosaic<1>(srcWhole, make_int2(ofs.x, ofs.y), dst, firstRed, StreamAccessor::getStream(stream));
getStream        2196 modules/cudaimgproc/src/color.cpp     cudaStream_t stream = StreamAccessor::getStream(_stream);
getStream        2242 modules/cudaimgproc/src/color.cpp     NppStreamHandler h(StreamAccessor::getStream(stream));
getStream        2329 modules/cudaimgproc/src/color.cpp     func(img1, img2, dst, npp_alpha_ops[alpha_op], StreamAccessor::getStream(stream));
getStream         147 modules/cudaimgproc/src/corners.cpp         cornerHarris_gpu(blockSize_, k_, Dx_, Dy_, dst, borderType_, StreamAccessor::getStream(stream));
getStream         175 modules/cudaimgproc/src/corners.cpp         cornerMinEigenVal_gpu(blockSize_, Dx_, Dy_, dst, borderType_, StreamAccessor::getStream(stream));
getStream          85 modules/cudaimgproc/src/histogram.cpp     hist::histogram256(src, hist.ptr<int>(), StreamAccessor::getStream(stream));
getStream         119 modules/cudaimgproc/src/histogram.cpp     cudaStream_t stream = StreamAccessor::getStream(_stream);
getStream         186 modules/cudaimgproc/src/histogram.cpp         cudaStream_t stream = StreamAccessor::getStream(s);
getStream         504 modules/cudaimgproc/src/histogram.cpp         histEven8u(src, hist.getGpuMatRef(), histSize, lowerLevel, upperLevel, StreamAccessor::getStream(stream));
getStream         194 modules/cudaimgproc/src/match_template.cpp         cudaStream_t stream = StreamAccessor::getStream(_stream);
getStream         249 modules/cudaimgproc/src/match_template.cpp             matchTemplateNaive_CCORR_8U(image, templ, result, image.channels(), StreamAccessor::getStream(stream));
getStream         294 modules/cudaimgproc/src/match_template.cpp         normalize_8U(templ.cols, templ.rows, image_sqsums_, templ_sqsum, result, image.channels(), StreamAccessor::getStream(stream));
getStream         320 modules/cudaimgproc/src/match_template.cpp         matchTemplateNaive_SQDIFF_32F(image, templ, result, image.channels(), StreamAccessor::getStream(stream));
getStream         356 modules/cudaimgproc/src/match_template.cpp             matchTemplateNaive_SQDIFF_8U(image, templ, result, image.channels(), StreamAccessor::getStream(stream));
getStream         367 modules/cudaimgproc/src/match_template.cpp         matchTemplatePrepared_SQDIFF_8U(templ.cols, templ.rows, image_sqsums_, templ_sqsum, result, image.channels(), StreamAccessor::getStream(stream));
getStream         405 modules/cudaimgproc/src/match_template.cpp         matchTemplatePrepared_SQDIFF_NORMED_8U(templ.cols, templ.rows, image_sqsums_, templ_sqsum, result, image.channels(), StreamAccessor::getStream(stream));
getStream         447 modules/cudaimgproc/src/match_template.cpp             matchTemplatePrepared_CCOFF_8U(templ.cols, templ.rows, image_sums_[0], templ_sum, result, StreamAccessor::getStream(stream));
getStream         465 modules/cudaimgproc/src/match_template.cpp                         result, StreamAccessor::getStream(stream));
getStream         471 modules/cudaimgproc/src/match_template.cpp                         result, StreamAccessor::getStream(stream));
getStream         477 modules/cudaimgproc/src/match_template.cpp                         result, StreamAccessor::getStream(stream));
getStream         535 modules/cudaimgproc/src/match_template.cpp                     templ_sum, templ_sqsum, result, StreamAccessor::getStream(stream));
getStream         561 modules/cudaimgproc/src/match_template.cpp                         result, StreamAccessor::getStream(stream));
getStream         572 modules/cudaimgproc/src/match_template.cpp                         result, StreamAccessor::getStream(stream));
getStream         585 modules/cudaimgproc/src/match_template.cpp                         result, StreamAccessor::getStream(stream));
getStream          87 modules/cudaimgproc/src/mean_shift.cpp     meanShiftFiltering_gpu(src, dst, sp, sr, maxIter, eps, StreamAccessor::getStream(stream));
getStream         125 modules/cudaimgproc/src/mean_shift.cpp     meanShiftProc_gpu(src, dstr, dstsp, sp, sr, maxIter, eps, StreamAccessor::getStream(stream));
getStream         181 modules/cudalegacy/src/bm.cpp     const cudaStream_t stream = StreamAccessor::getStream(st);
getStream          87 modules/cudalegacy/src/bm_fast.cpp     optflowbm_fast::calc<uchar>(I0_hdr, I1_hdr, flowx, flowy, buffer, search_window, block_window, StreamAccessor::getStream(stream));
getStream         102 modules/cudalegacy/src/calib3d.cpp     transformPointsCaller(src, rvec, tvec, dst, StreamAccessor::getStream(stream));
getStream         126 modules/cudalegacy/src/calib3d.cpp     projectPointsCaller(src, rvec, tvec, camera_mat, dist_coef, dst, StreamAccessor::getStream(stream));
getStream         215 modules/cudalegacy/src/gmg.cpp                                                    learningRate_, updateBackgroundModel_, StreamAccessor::getStream(stream));
getStream         100 modules/cudalegacy/src/graphcuts.cpp     cudaStream_t stream = StreamAccessor::getStream(s);
getStream         114 modules/cudalegacy/src/graphcuts.cpp     cudaStream_t stream = StreamAccessor::getStream(s);
getStream         178 modules/cudalegacy/src/graphcuts.cpp     cudaStream_t stream = StreamAccessor::getStream(s);
getStream         250 modules/cudalegacy/src/graphcuts.cpp     cudaStream_t stream = StreamAccessor::getStream(s);
getStream          97 modules/cudalegacy/src/image_pyramid.cpp             cv::cuda::device::pyramid::downsampleX2(prevLayer, pyramid_[i], img.depth(), img.channels(), StreamAccessor::getStream(stream));
getStream         138 modules/cudalegacy/src/image_pyramid.cpp         cv::cuda::device::pyramid::interpolateFrom1(lastLayer, outImg, outImg.depth(), outImg.channels(), StreamAccessor::getStream(stream));
getStream          85 modules/cudalegacy/src/interpolate_frames.cpp     cudaStream_t stream = StreamAccessor::getStream(s);
getStream         182 modules/cudaoptflow/src/brox.cpp         ncvSafeCall( NCVBroxOpticalFlow(desc, gpuAllocator, frame0Mat, frame1Mat, uMat, vMat, StreamAccessor::getStream(stream)) );
getStream         261 modules/cudaoptflow/src/farneback.cpp             device::optflow_farneback::boxFilter5Gpu(M, blockSize/2, bufM, StreamAccessor::getStream(streams[0]));
getStream         263 modules/cudaoptflow/src/farneback.cpp             device::optflow_farneback::boxFilter5Gpu_CC11(M, blockSize/2, bufM, StreamAccessor::getStream(streams[0]));
getStream         268 modules/cudaoptflow/src/farneback.cpp         device::optflow_farneback::updateFlowGpu(M, flowx, flowy, StreamAccessor::getStream(streams[0]));
getStream         271 modules/cudaoptflow/src/farneback.cpp             device::optflow_farneback::updateMatricesGpu(flowx, flowy, R0, R1, M, StreamAccessor::getStream(streams[0]));
getStream         280 modules/cudaoptflow/src/farneback.cpp                         M, blockSize/2, bufM, BORDER_REPLICATE, StreamAccessor::getStream(streams[0]));
getStream         283 modules/cudaoptflow/src/farneback.cpp                         M, blockSize/2, bufM, BORDER_REPLICATE, StreamAccessor::getStream(streams[0]));
getStream         286 modules/cudaoptflow/src/farneback.cpp         device::optflow_farneback::updateFlowGpu(M, flowx, flowy, StreamAccessor::getStream(streams[0]));
getStream         289 modules/cudaoptflow/src/farneback.cpp             device::optflow_farneback::updateMatricesGpu(flowx, flowy, R0, R1, M, StreamAccessor::getStream(streams[0]));
getStream         406 modules/cudaoptflow/src/farneback.cpp                 device::optflow_farneback::polynomialExpansionGpu(pyramid0_[k], polyN_, R[0], StreamAccessor::getStream(streams[0]));
getStream         407 modules/cudaoptflow/src/farneback.cpp                 device::optflow_farneback::polynomialExpansionGpu(pyramid1_[k], polyN_, R[1], StreamAccessor::getStream(streams[1]));
getStream         428 modules/cudaoptflow/src/farneback.cpp                             frames_[i], smoothSize/2, blurredFrame[i], BORDER_REFLECT101, StreamAccessor::getStream(streams[i]));
getStream         430 modules/cudaoptflow/src/farneback.cpp                     device::optflow_farneback::polynomialExpansionGpu(pyrLevel[i], polyN_, R[i], StreamAccessor::getStream(streams[i]));
getStream         435 modules/cudaoptflow/src/farneback.cpp             device::optflow_farneback::updateMatricesGpu(curFlowX, curFlowY, R[0], R[1], M, StreamAccessor::getStream(streams[0]));
getStream         182 modules/cudaoptflow/src/pyrlk.cpp         pyrlk::loadConstants(make_int2(winSize_.width, winSize_.height), iters_, StreamAccessor::getStream(stream));
getStream         193 modules/cudaoptflow/src/pyrlk.cpp                                StreamAccessor::getStream(stream));
getStream         202 modules/cudaoptflow/src/pyrlk.cpp                                StreamAccessor::getStream(stream));
getStream         245 modules/cudaoptflow/src/pyrlk.cpp         pyrlk::loadConstants(winSize2i, iters_, StreamAccessor::getStream(stream));
getStream         256 modules/cudaoptflow/src/pyrlk.cpp                          StreamAccessor::getStream(stream));
getStream         299 modules/cudaoptflow/src/tvl1flow.cpp         cudaStream_t stream = StreamAccessor::getStream(_stream);
getStream         167 modules/cudastereo/src/disparity_bilateral_filter.cpp         disp_bilateral_filter<T>(dst, img, img.channels(), iters, table_color.ptr<float>(), (float *)table_space.data, table_space_step, radius, edge_disc, max_disc, StreamAccessor::getStream(stream));
getStream         154 modules/cudastereo/src/stereobm.cpp         cudaStream_t stream = StreamAccessor::getStream(_stream);
getStream         201 modules/cudastereo/src/stereobp.cpp         comp_data_callers[msg_type_ == CV_32F][left.channels()](left, right, datas_[0], StreamAccessor::getStream(stream));
getStream         312 modules/cudastereo/src/stereobp.cpp         cudaStream_t stream = StreamAccessor::getStream(_stream);
getStream         163 modules/cudastereo/src/stereocsbp.cpp         cudaStream_t stream = StreamAccessor::getStream(_stream);
getStream          85 modules/cudastereo/src/util.cpp     funcs[dst_cn == 4][disp.type()](disp, xyz, Q.ptr<float>(), StreamAccessor::getStream(stream));
getStream         120 modules/cudastereo/src/util.cpp     drawColorDisp_callers[src.type()](src, dst, ndisp, StreamAccessor::getStream(stream));
getStream          91 modules/cudawarping/src/pyramids.cpp     func(src, dst, StreamAccessor::getStream(stream));
getStream         131 modules/cudawarping/src/pyramids.cpp     func(src, dst, StreamAccessor::getStream(stream));
getStream         101 modules/cudawarping/src/remap.cpp         dst, interpolation, borderMode, borderValueFloat.val, StreamAccessor::getStream(stream), deviceSupports(FEATURE_SET_COMPUTE_20));
getStream         105 modules/cudawarping/src/resize.cpp     func(src, wholeSrc, ofs.y, ofs.x, dst, static_cast<float>(1.0 / fy), static_cast<float>(1.0 / fx), interpolation, StreamAccessor::getStream(stream));
getStream         104 modules/cudawarping/src/warp.cpp     buildWarpAffineMaps_gpu(coeffs, xmap, ymap, StreamAccessor::getStream(stream));
getStream         133 modules/cudawarping/src/warp.cpp     buildWarpPerspectiveMaps_gpu(coeffs, xmap, ymap, StreamAccessor::getStream(stream));
getStream         280 modules/cudawarping/src/warp.cpp         func(src, dst, coeffs, interpolation, StreamAccessor::getStream(stream));
getStream         318 modules/cudawarping/src/warp.cpp             dst, interpolation, borderMode, borderValueFloat.val, StreamAccessor::getStream(stream), deviceSupports(FEATURE_SET_COMPUTE_20));
getStream         419 modules/cudawarping/src/warp.cpp         func(src, dst, coeffs, interpolation, StreamAccessor::getStream(stream));
getStream         457 modules/cudawarping/src/warp.cpp             dst, interpolation, borderMode, borderValueFloat.val, StreamAccessor::getStream(stream), deviceSupports(FEATURE_SET_COMPUTE_20));
getStream         531 modules/cudawarping/src/warp.cpp     funcs[src.depth()][src.channels() - 1](src, dst, dsize, angle, xShift, yShift, interpolation, StreamAccessor::getStream(stream));
getStream          73 modules/cudev/include/opencv2/cudev/grid/copy.hpp     grid_copy_detail::copy<Policy>(shrinkPtr(src), shrinkPtr(dst), shrinkPtr(mask), rows, cols, StreamAccessor::getStream(stream));
getStream          85 modules/cudev/include/opencv2/cudev/grid/copy.hpp     grid_copy_detail::copy<Policy>(shrinkPtr(src), shrinkPtr(dst), shrinkPtr(mask), rows, cols, StreamAccessor::getStream(stream));
getStream          96 modules/cudev/include/opencv2/cudev/grid/copy.hpp     grid_copy_detail::copy<Policy>(shrinkPtr(src), shrinkPtr(dst), WithOutMask(), rows, cols, StreamAccessor::getStream(stream));
getStream         107 modules/cudev/include/opencv2/cudev/grid/copy.hpp     grid_copy_detail::copy<Policy>(shrinkPtr(src), shrinkPtr(dst), WithOutMask(), rows, cols, StreamAccessor::getStream(stream));
getStream         127 modules/cudev/include/opencv2/cudev/grid/copy.hpp                                          StreamAccessor::getStream(stream));
getStream         146 modules/cudev/include/opencv2/cudev/grid/copy.hpp                                          StreamAccessor::getStream(stream));
getStream         164 modules/cudev/include/opencv2/cudev/grid/copy.hpp                                          StreamAccessor::getStream(stream));
getStream         182 modules/cudev/include/opencv2/cudev/grid/copy.hpp                                          StreamAccessor::getStream(stream));
getStream         203 modules/cudev/include/opencv2/cudev/grid/copy.hpp                                          StreamAccessor::getStream(stream));
getStream         223 modules/cudev/include/opencv2/cudev/grid/copy.hpp                                          StreamAccessor::getStream(stream));
getStream         242 modules/cudev/include/opencv2/cudev/grid/copy.hpp                                          StreamAccessor::getStream(stream));
getStream         261 modules/cudev/include/opencv2/cudev/grid/copy.hpp                                          StreamAccessor::getStream(stream));
getStream         283 modules/cudev/include/opencv2/cudev/grid/copy.hpp                                          StreamAccessor::getStream(stream));
getStream         304 modules/cudev/include/opencv2/cudev/grid/copy.hpp                                          StreamAccessor::getStream(stream));
getStream         324 modules/cudev/include/opencv2/cudev/grid/copy.hpp                                          StreamAccessor::getStream(stream));
getStream         344 modules/cudev/include/opencv2/cudev/grid/copy.hpp                                          StreamAccessor::getStream(stream));
getStream          77 modules/cudev/include/opencv2/cudev/grid/histogram.hpp                                                         StreamAccessor::getStream(stream));
getStream          95 modules/cudev/include/opencv2/cudev/grid/histogram.hpp                                                         StreamAccessor::getStream(stream));
getStream          67 modules/cudev/include/opencv2/cudev/grid/integral.hpp     integral_detail::integral(shrinkPtr(src), shrinkPtr(dst), rows, cols, StreamAccessor::getStream(stream));
getStream          69 modules/cudev/include/opencv2/cudev/grid/pyramids.hpp     pyramids_detail::pyrDown<Brd>(shrinkPtr(src), shrinkPtr(dst), rows, cols, dst.rows, dst.cols, StreamAccessor::getStream(stream));
getStream          86 modules/cudev/include/opencv2/cudev/grid/pyramids.hpp     pyramids_detail::pyrUp(shrinkPtr(src), shrinkPtr(dst), rows, cols, dst.rows, dst.cols, StreamAccessor::getStream(stream));
getStream          82 modules/cudev/include/opencv2/cudev/grid/reduce.hpp                                     StreamAccessor::getStream(stream));
getStream         102 modules/cudev/include/opencv2/cudev/grid/reduce.hpp                                     StreamAccessor::getStream(stream));
getStream         120 modules/cudev/include/opencv2/cudev/grid/reduce.hpp                                        StreamAccessor::getStream(stream));
getStream         136 modules/cudev/include/opencv2/cudev/grid/reduce.hpp                                        StreamAccessor::getStream(stream));
getStream         154 modules/cudev/include/opencv2/cudev/grid/reduce.hpp                                        StreamAccessor::getStream(stream));
getStream         170 modules/cudev/include/opencv2/cudev/grid/reduce.hpp                                        StreamAccessor::getStream(stream));
getStream         189 modules/cudev/include/opencv2/cudev/grid/reduce.hpp                                           StreamAccessor::getStream(stream));
getStream         206 modules/cudev/include/opencv2/cudev/grid/reduce.hpp                                           StreamAccessor::getStream(stream));
getStream         227 modules/cudev/include/opencv2/cudev/grid/reduce.hpp                                              StreamAccessor::getStream(stream));
getStream         246 modules/cudev/include/opencv2/cudev/grid/reduce.hpp                                              StreamAccessor::getStream(stream));
getStream         268 modules/cudev/include/opencv2/cudev/grid/reduce.hpp                                     StreamAccessor::getStream(stream));
getStream         288 modules/cudev/include/opencv2/cudev/grid/reduce.hpp                                     StreamAccessor::getStream(stream));
getStream         159 modules/cudev/include/opencv2/cudev/grid/reduce_to_vec.hpp                                                      StreamAccessor::getStream(stream));
getStream         174 modules/cudev/include/opencv2/cudev/grid/reduce_to_vec.hpp                                                      StreamAccessor::getStream(stream));
getStream         191 modules/cudev/include/opencv2/cudev/grid/reduce_to_vec.hpp                                                                 StreamAccessor::getStream(stream));
getStream         206 modules/cudev/include/opencv2/cudev/grid/reduce_to_vec.hpp                                                                 StreamAccessor::getStream(stream));
getStream          79 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                                                               StreamAccessor::getStream(stream));
getStream          97 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                                                               StreamAccessor::getStream(stream));
getStream         114 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                                                               StreamAccessor::getStream(stream));
getStream         131 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                                                               StreamAccessor::getStream(stream));
getStream         151 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                            StreamAccessor::getStream(stream));
getStream         171 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                            StreamAccessor::getStream(stream));
getStream         190 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                            StreamAccessor::getStream(stream));
getStream         208 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                            StreamAccessor::getStream(stream));
getStream         226 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                            StreamAccessor::getStream(stream));
getStream         244 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                            StreamAccessor::getStream(stream));
getStream         265 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                            StreamAccessor::getStream(stream));
getStream         286 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                            StreamAccessor::getStream(stream));
getStream         306 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                            StreamAccessor::getStream(stream));
getStream         325 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                            StreamAccessor::getStream(stream));
getStream         344 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                            StreamAccessor::getStream(stream));
getStream         363 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                            StreamAccessor::getStream(stream));
getStream         385 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                            StreamAccessor::getStream(stream));
getStream         407 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                            StreamAccessor::getStream(stream));
getStream         428 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                            StreamAccessor::getStream(stream));
getStream         448 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                            StreamAccessor::getStream(stream));
getStream         468 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                            StreamAccessor::getStream(stream));
getStream         488 modules/cudev/include/opencv2/cudev/grid/split_merge.hpp                                            StreamAccessor::getStream(stream));
getStream          73 modules/cudev/include/opencv2/cudev/grid/transform.hpp     grid_transform_detail::transform_unary<Policy>(shrinkPtr(src), shrinkPtr(dst), op, shrinkPtr(mask), rows, cols, StreamAccessor::getStream(stream));
getStream          85 modules/cudev/include/opencv2/cudev/grid/transform.hpp     grid_transform_detail::transform_unary<Policy>(shrinkPtr(src), shrinkPtr(dst), op, shrinkPtr(mask), rows, cols, StreamAccessor::getStream(stream));
getStream          96 modules/cudev/include/opencv2/cudev/grid/transform.hpp     grid_transform_detail::transform_unary<Policy>(shrinkPtr(src), shrinkPtr(dst), op, WithOutMask(), rows, cols, StreamAccessor::getStream(stream));
getStream         107 modules/cudev/include/opencv2/cudev/grid/transform.hpp     grid_transform_detail::transform_unary<Policy>(shrinkPtr(src), shrinkPtr(dst), op, WithOutMask(), rows, cols, StreamAccessor::getStream(stream));
getStream         121 modules/cudev/include/opencv2/cudev/grid/transform.hpp     grid_transform_detail::transform_binary<Policy>(shrinkPtr(src1), shrinkPtr(src2), shrinkPtr(dst), op, shrinkPtr(mask), rows, cols, StreamAccessor::getStream(stream));
getStream         134 modules/cudev/include/opencv2/cudev/grid/transform.hpp     grid_transform_detail::transform_binary<Policy>(shrinkPtr(src1), shrinkPtr(src2), shrinkPtr(dst), op, shrinkPtr(mask), rows, cols, StreamAccessor::getStream(stream));
getStream         147 modules/cudev/include/opencv2/cudev/grid/transform.hpp     grid_transform_detail::transform_binary<Policy>(shrinkPtr(src1), shrinkPtr(src2), shrinkPtr(dst), op, WithOutMask(), rows, cols, StreamAccessor::getStream(stream));
getStream         159 modules/cudev/include/opencv2/cudev/grid/transform.hpp     grid_transform_detail::transform_binary<Policy>(shrinkPtr(src1), shrinkPtr(src2), shrinkPtr(dst), op, WithOutMask(), rows, cols, StreamAccessor::getStream(stream));
getStream         180 modules/cudev/include/opencv2/cudev/grid/transform.hpp                                                    StreamAccessor::getStream(stream));
getStream         200 modules/cudev/include/opencv2/cudev/grid/transform.hpp                                                    StreamAccessor::getStream(stream));
getStream         219 modules/cudev/include/opencv2/cudev/grid/transform.hpp                                                    StreamAccessor::getStream(stream));
getStream         238 modules/cudev/include/opencv2/cudev/grid/transform.hpp                                                    StreamAccessor::getStream(stream));
getStream         260 modules/cudev/include/opencv2/cudev/grid/transform.hpp                                                    StreamAccessor::getStream(stream));
getStream         281 modules/cudev/include/opencv2/cudev/grid/transform.hpp                                                    StreamAccessor::getStream(stream));
getStream         301 modules/cudev/include/opencv2/cudev/grid/transform.hpp                                                    StreamAccessor::getStream(stream));
getStream         321 modules/cudev/include/opencv2/cudev/grid/transform.hpp                                                    StreamAccessor::getStream(stream));
getStream         344 modules/cudev/include/opencv2/cudev/grid/transform.hpp                                                    StreamAccessor::getStream(stream));
getStream         366 modules/cudev/include/opencv2/cudev/grid/transform.hpp                                                    StreamAccessor::getStream(stream));
getStream         387 modules/cudev/include/opencv2/cudev/grid/transform.hpp                                                    StreamAccessor::getStream(stream));
getStream         408 modules/cudev/include/opencv2/cudev/grid/transform.hpp                                                    StreamAccessor::getStream(stream));
getStream          68 modules/cudev/include/opencv2/cudev/grid/transpose.hpp     transpose_detail::transpose<Policy>(shrinkPtr(src), shrinkPtr(dst), rows, cols, StreamAccessor::getStream(stream));
getStream          79 modules/cudev/include/opencv2/cudev/grid/transpose.hpp     transpose_detail::transpose<Policy>(shrinkPtr(src), shrinkPtr(dst), rows, cols, StreamAccessor::getStream(stream));
getStream         101 modules/photo/src/denoising.cuda.cpp     func(src, dst, search_window/2, block_window/2, h, borderMode, StreamAccessor::getStream(stream));
getStream         145 modules/photo/src/denoising.cuda.cpp     funcs[src.channels()-1](src_hdr, dst, buffer, search_window, block_window, h, StreamAccessor::getStream(stream));
getStream         161 modules/photo/src/denoising.cuda.cpp     device::imgproc::fnlm_split_channels(lab, l, ab, StreamAccessor::getStream(stream));
getStream         166 modules/photo/src/denoising.cuda.cpp     device::imgproc::fnlm_merge_channels(l, ab, lab, StreamAccessor::getStream(stream));
getStream          94 modules/stitching/src/warpers_cuda.cpp                        T.ptr<float>(), scale, StreamAccessor::getStream(stream));
getStream         119 modules/stitching/src/warpers_cuda.cpp     device::imgproc::buildWarpSphericalMaps(dst_roi.tl().x, dst_roi.tl().y, map_x, map_y, K_Rinv.ptr<float>(), R_Kinv.ptr<float>(), scale, StreamAccessor::getStream(stream));
getStream         144 modules/stitching/src/warpers_cuda.cpp     device::imgproc::buildWarpCylindricalMaps(dst_roi.tl().x, dst_roi.tl().y, map_x, map_y, K_Rinv.ptr<float>(), R_Kinv.ptr<float>(), scale, StreamAccessor::getStream(stream));
getStream         162 modules/superres/src/btv_l1_cuda.cpp         func(src, dst, scale, StreamAccessor::getStream(stream));
getStream         169 modules/superres/src/btv_l1_cuda.cpp         btv_l1_cudev::diffSign(src1.reshape(1), src2.reshape(1), dst.reshape(1), StreamAccessor::getStream(stream));