Skip to content

Commit e71eac3

Browse files
committed
Review fixes
Signed-off-by: Janusz Lisiecki <[email protected]>
1 parent 5c24338 commit e71eac3

Some content is hidden

Large Commits have some content hidden by default. Use the searchbox below for content that may be hidden.

50 files changed

+189
-323
lines changed

dali/benchmark/dali_bench.h

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -60,7 +60,7 @@ class DALIBenchmark : public benchmark::Fixture {
6060
tl->Resize(shape, DALI_UINT8);
6161

6262
for (int i = 0; i < n; ++i) {
63-
std::memcpy(tl->template mutable_tensor<uint8>(i),
63+
std::memcpy(tl->template mutable_tensor<uint8_t>(i),
6464
jpegs_.data_[i % nImgs], jpegs_.sizes_[i % nImgs]);
6565
tl->SetSourceInfo(i, jpeg_names_[i % nImgs] + "_" + std::to_string(i));
6666
}

dali/fuzzing/dali_harness.h

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -52,7 +52,7 @@ class FileListHarness {
5252

5353
for (int i = 0; i < batch_size_; ++i) {
5454
std::memcpy(
55-
input_data_.template mutable_tensor<uint8>(i),
55+
input_data_.template mutable_tensor<uint8_t>(i),
5656
images_.data_[i],
5757
images_.sizes_[i]);
5858
input_data_.SetSourceInfo(i, image_names_[i] + "_" + std::to_string(i));

dali/kernels/transpose/transpose_gpu_impl_test.cu

Lines changed: 8 additions & 8 deletions
Original file line numberDiff line numberDiff line change
@@ -192,10 +192,10 @@ TEST(TransposeTiled, BuildDescVectorized) {
192192
TEST(TransposeTiled, BuildDescAndForceMisalignment) {
193193
TensorShape<> shape = { 57, 37, 52, 4 }; // a bunch of primes, just to make it harder
194194
int size = volume(shape);
195-
vector<uint8> in_cpu(size + 4), out_cpu(size + 4);
196-
vector<uint8> ref(size + 4);
195+
vector<uint8_t> in_cpu(size + 4), out_cpu(size + 4);
196+
vector<uint8_t> ref(size + 4);
197197

198-
DeviceBuffer<uint8> in_gpu, out_gpu;
198+
DeviceBuffer<uint8_t> in_gpu, out_gpu;
199199
in_gpu.resize(size + 4);
200200
out_gpu.resize(size + 4);
201201

@@ -208,7 +208,7 @@ TEST(TransposeTiled, BuildDescAndForceMisalignment) {
208208
SmallVector<int, 6> perm = { 1, 2, 0, 3 };
209209

210210
int grid_size = 1024;
211-
TiledTransposeDesc<uint8> desc;
211+
TiledTransposeDesc<uint8_t> desc;
212212
memset(&desc, 0xCC, sizeof(desc));
213213
InitTiledTranspose(desc, shape, make_span(perm), out_gpu.data() + offset,
214214
in_gpu.data() + offset, grid_size);
@@ -258,10 +258,10 @@ TEST(TransposeTiled, BuildDescVectorized16BitOpt) {
258258
TEST(TransposeTiled, HighDimensionTest) {
259259
TensorShape<> shape = {3, 3, 5, 7, 23, 3, 37, 4 }; // a bunch of primes, just to make it harder
260260
int size = volume(shape);
261-
vector<uint8> in_cpu(size), out_cpu(size);
262-
vector<uint8> ref(size);
261+
vector<uint8_t> in_cpu(size), out_cpu(size);
262+
vector<uint8_t> ref(size);
263263

264-
DeviceBuffer<uint8> in_gpu, out_gpu;
264+
DeviceBuffer<uint8_t> in_gpu, out_gpu;
265265
in_gpu.resize(size);
266266
out_gpu.resize(size);
267267

@@ -276,7 +276,7 @@ TEST(TransposeTiled, HighDimensionTest) {
276276
SmallVector<int, 8> perm = { 1, 0, 4, 2, 6, 3, 5, 7 };
277277

278278
int grid_size = 1024;
279-
TiledTransposeDesc<uint8> desc;
279+
TiledTransposeDesc<uint8_t> desc;
280280
memset(&desc, 0xCC, sizeof(desc));
281281
InitTiledTranspose(desc, shape, make_span(perm), out_gpu.data(), in_gpu.data(), grid_size);
282282

dali/kernels/transpose/transpose_gpu_test.cc

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -203,7 +203,7 @@ TEST(TransposeGPU, PerfDeinterleave) {
203203

204204
std::cerr << "Permuting 1-byte data; permutation 2 0 1\ninput shape = \n" << shape << "\n";
205205

206-
RunPerfTest<uint8>(rng, shape, make_span(perm));
206+
RunPerfTest<uint8_t>(rng, shape, make_span(perm));
207207
}
208208

209209

@@ -226,7 +226,7 @@ TEST(TransposeGPU, PerfInterleave) {
226226

227227
std::cerr << "Permuting 1-byte data; permutation 1 2 0\ninput shape = \n" << shape << "\n";
228228

229-
RunPerfTest<uint8>(rng, shape, make_span(perm));
229+
RunPerfTest<uint8_t>(rng, shape, make_span(perm));
230230
}
231231

232232

dali/operators/debug/dump_image.cc

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -35,7 +35,7 @@ void DumpImage<CPUBackend>::RunImpl(SampleWorkspace &ws) {
3535
make_string("Only 3-channel and gray images are supported, got input with `", c,
3636
"` channels."));
3737

38-
WriteHWCImage(input.template data<uint8>(),
38+
WriteHWCImage(input.template data<uint8_t>(),
3939
h, w, c, std::to_string(ws.data_idx()) + "-" + suffix_ + "-" + std::to_string(0));
4040

4141
// Forward the input

dali/operators/decoder/host/host_decoder.cc

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -28,13 +28,13 @@ void HostDecoder::RunImpl(SampleWorkspace &ws) {
2828

2929
// Verify input
3030
DALI_ENFORCE(input.ndim() == 1, "Input must be 1D encoded jpeg string.");
31-
DALI_ENFORCE(IsType<uint8>(input.type()), "Input must be stored as uint8 data.");
31+
DALI_ENFORCE(IsType<uint8_t>(input.type()), "Input must be stored as uint8 data.");
3232

3333
std::unique_ptr<Image> img;
3434
try {
3535
DomainTimeRange tr(make_string("Decode #", ws.data_idx(), " fast_idct=", use_fast_idct_),
3636
DomainTimeRange::kBlue1);
37-
img = ImageFactory::CreateImage(input.data<uint8>(), input.size(), output_type_);
37+
img = ImageFactory::CreateImage(input.data<uint8_t>(), input.size(), output_type_);
3838
img->SetCropWindowGenerator(GetCropWindowGenerator(ws.data_idx()));
3939
img->SetUseFastIdct(use_fast_idct_);
4040
img->Decode();

dali/operators/decoder/image/jpeg.cc

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -28,7 +28,7 @@ JpegImage::JpegImage(const uint8_t *encoded_buffer,
2828
}
2929

3030
#ifndef DALI_USE_JPEG_TURBO
31-
bool get_jpeg_size(const uint8 *data, size_t data_size, int *height, int *width, int *nchannels) {
31+
bool get_jpeg_size(const uint8_t *data, size_t data_size, int *height, int *width, int *nchannels) {
3232
unsigned int i = 0;
3333
if (!(data[i] == 0xFF && data[i + 1] == 0xD8))
3434
return false; // Not a valid SOI header
@@ -59,7 +59,7 @@ bool get_jpeg_size(const uint8 *data, size_t data_size, int *height, int *width,
5959
#endif
6060

6161
std::pair<std::shared_ptr<uint8_t>, Image::Shape>
62-
JpegImage::DecodeImpl(DALIImageType type, const uint8 *jpeg, size_t length) const {
62+
JpegImage::DecodeImpl(DALIImageType type, const uint8_t *jpeg, size_t length) const {
6363
const auto shape = PeekShapeImpl(jpeg, length);
6464
const auto h = shape[0];
6565
const auto w = shape[1];

dali/operators/decoder/jpeg/jpeg_handle.cc

Lines changed: 3 additions & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -186,12 +186,12 @@ boolean MemFillInputBuffer(j_decompress_ptr cinfo) {
186186
void MemTermSource(j_decompress_ptr cinfo) {}
187187

188188
// -----------------------------------------------------------------------------
189-
void MemSkipInputData(j_decompress_ptr cinfo, int64 jump) {
189+
void MemSkipInputData(j_decompress_ptr cinfo, int64_t jump) {
190190
MemSourceMgr *src = reinterpret_cast<MemSourceMgr *>(cinfo->src);
191191
if (jump < 0) {
192192
return;
193193
}
194-
if (jump > static_cast<int64>(src->pub.bytes_in_buffer)) {
194+
if (jump > static_cast<int64_t>(src->pub.bytes_in_buffer)) {
195195
src->pub.bytes_in_buffer = 0;
196196
(void)MemFillInputBuffer(cinfo); // warn with a fake EOI or error
197197
} else {
@@ -202,7 +202,7 @@ void MemSkipInputData(j_decompress_ptr cinfo, int64 jump) {
202202

203203
// -----------------------------------------------------------------------------
204204
void SetSrc(j_decompress_ptr cinfo, const void *data,
205-
uint64 datasize, bool try_recover_truncated_jpeg) {
205+
uint64_t datasize, bool try_recover_truncated_jpeg) {
206206
MemSourceMgr *src;
207207

208208
cinfo->src = reinterpret_cast<struct jpeg_source_mgr *>(

dali/operators/decoder/jpeg/jpeg_handle.h

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -55,12 +55,12 @@ typedef struct {
5555
typedef struct {
5656
struct jpeg_source_mgr pub;
5757
const unsigned char *data;
58-
uint64 datasize;
58+
uint64_t datasize;
5959
bool try_recover_truncated_jpeg;
6060
} MemSourceMgr;
6161

6262
void SetSrc(j_decompress_ptr cinfo, const void *data,
63-
uint64 datasize, bool try_recover_truncated_jpeg);
63+
uint64_t datasize, bool try_recover_truncated_jpeg);
6464

6565
// JPEG destination: we will store all the data in a buffer "buffer" of total
6666
// size "bufsize", if the buffer overflows, we will be in trouble.

dali/operators/decoder/jpeg/jpeg_mem.cc

Lines changed: 11 additions & 11 deletions
Original file line numberDiff line numberDiff line change
@@ -73,7 +73,7 @@ bool IsCropWindowValid(const UncompressFlags& flags, int input_image_width,
7373
flags.crop_x + flags.crop_width <= input_image_width;
7474
}
7575

76-
std::unique_ptr<uint8[]> UncompressLow(const void* srcdata, FewerArgsForCompiler* argball) {
76+
std::unique_ptr<uint8_t[]> UncompressLow(const void* srcdata, FewerArgsForCompiler* argball) {
7777
// unpack the argball
7878
const int datasize = argball->datasize_;
7979
const auto& flags = argball->flags_;
@@ -97,7 +97,7 @@ std::unique_ptr<uint8[]> UncompressLow(const void* srcdata, FewerArgsForCompiler
9797

9898
// Declare buffers here so that we can free on error paths
9999
std::unique_ptr<JSAMPLE[]> temp;
100-
std::unique_ptr<uint8[]> dstdata;
100+
std::unique_ptr<uint8_t[]> dstdata;
101101
JSAMPLE *tempdata = nullptr;
102102

103103
// Initialize libjpeg structures to have a memory source
@@ -170,9 +170,9 @@ std::unique_ptr<uint8[]> UncompressLow(const void* srcdata, FewerArgsForCompiler
170170
// OOM'ing doing the decompress
171171
jpeg_calc_output_dimensions(&cinfo);
172172

173-
int64 total_size = static_cast<int64>(cinfo.output_height) *
174-
static_cast<int64>(cinfo.output_width) *
175-
static_cast<int64>(cinfo.num_components);
173+
int64_t total_size = static_cast<int64_t>(cinfo.output_height) *
174+
static_cast<int64_t>(cinfo.output_width) *
175+
static_cast<int64_t>(cinfo.num_components);
176176
// Some of the internal routines do not gracefully handle ridiculously
177177
// large images, so fail fast.
178178
if (cinfo.output_width <= 0 || cinfo.output_height <= 0) {
@@ -391,7 +391,7 @@ std::unique_ptr<uint8[]> UncompressLow(const void* srcdata, FewerArgsForCompiler
391391
if (components == 4) {
392392
// Start on the last line.
393393
JSAMPLE* scanlineptr = static_cast<JSAMPLE*>(
394-
dstdata.get() + static_cast<int64>(target_output_height - 1) * stride);
394+
dstdata.get() + static_cast<int64_t>(target_output_height - 1) * stride);
395395
const JSAMPLE kOpaque = -1; // All ones appropriate for JSAMPLE.
396396
const int right_rgb = (target_output_width - 1) * 3;
397397
const int right_rgba = (target_output_width - 1) * 4;
@@ -471,7 +471,7 @@ std::unique_ptr<uint8[]> UncompressLow(const void* srcdata, FewerArgsForCompiler
471471
}
472472

473473
const auto full_image = std::move(dstdata);
474-
dstdata = std::unique_ptr<uint8[]>(
474+
dstdata = std::unique_ptr<uint8_t[]>(
475475
new JSAMPLE[target_output_width, target_output_height, components]);
476476
if (dstdata == nullptr) {
477477
return nullptr;
@@ -490,8 +490,8 @@ std::unique_ptr<uint8[]> UncompressLow(const void* srcdata, FewerArgsForCompiler
490490
argball->height_read_ = target_output_height;
491491
}
492492
const int crop_offset = flags.crop_x * components * sizeof(JSAMPLE);
493-
const uint8* full_image_ptr = full_image.get() + flags.crop_y * full_image_stride;
494-
uint8* crop_image_ptr = dstdata.get();
493+
const uint8_t* full_image_ptr = full_image.get() + flags.crop_y * full_image_stride;
494+
uint8_t* crop_image_ptr = dstdata.get();
495495
for (int i = 0; i < argball->height_read_; i++) {
496496
memcpy(crop_image_ptr, full_image_ptr + crop_offset, min_stride);
497497
crop_image_ptr += stride;
@@ -513,7 +513,7 @@ std::unique_ptr<uint8[]> UncompressLow(const void* srcdata, FewerArgsForCompiler
513513
// associated libraries aren't good enough to guarantee that 7
514514
// parameters won't get clobbered by the longjmp. So we help
515515
// it out a little.
516-
std::unique_ptr<uint8[]> Uncompress(const void* srcdata, int datasize,
516+
std::unique_ptr<uint8_t[]> Uncompress(const void* srcdata, int datasize,
517517
const UncompressFlags& flags) {
518518
FewerArgsForCompiler argball(datasize, flags);
519519
auto dstdata = UncompressLow(srcdata, &argball);
@@ -532,7 +532,7 @@ std::unique_ptr<uint8[]> Uncompress(const void* srcdata, int datasize,
532532
// set the unread pixels to black
533533
if (argball.height_read_ != argball.height_) {
534534
const int first_bad_line = argball.height_read_;
535-
uint8* start = dstdata.get() + first_bad_line * argball.stride_;
535+
uint8_t* start = dstdata.get() + first_bad_line * argball.stride_;
536536
const int nbytes = (argball.height_ - first_bad_line) * argball.stride_;
537537
memset(static_cast<void*>(start), 0, nbytes);
538538
}

dali/operators/decoder/jpeg/jpeg_mem.h

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -82,7 +82,7 @@ struct UncompressFlags {
8282
// datasize.
8383
// The function returns a shared pointer to the uncompressed data or a null pointer if
8484
// there was an error.
85-
std::unique_ptr<uint8[]> Uncompress(const void* srcdata, int datasize,
85+
std::unique_ptr<uint8_t[]> Uncompress(const void* srcdata, int datasize,
8686
const UncompressFlags& flags);
8787

8888
// Read jpeg header and get image information. Returns true on success.

dali/operators/decoder/peek_shape/peek_image_shape.h

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -84,7 +84,7 @@ class PeekImageShape : public StatelessOperator<CPUBackend> {
8484
thread_pool.AddWork([sample_id, &input, &output, this] (int tid) {
8585
const auto& image = input[sample_id];
8686
auto img =
87-
ImageFactory::CreateImage(image.data<uint8>(), image.shape().num_elements(), {});
87+
ImageFactory::CreateImage(image.data<uint8_t>(), image.shape().num_elements(), {});
8888
auto shape = img->PeekShape();
8989
TYPE_SWITCH(output_type_, type2id, type,
9090
(int32_t, uint32_t, int64_t, uint64_t, float, double),

dali/operators/generic/flip.cc

Lines changed: 4 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -13,6 +13,8 @@
1313
// limitations under the License.
1414

1515
#include <vector>
16+
#include "dali/core/static_switch.h"
17+
#include "dali/core/error_handling.h"
1618
#include "dali/operators/generic/flip.h"
1719
#include "dali/kernels/imgproc/flip_cpu.h"
1820
#include "dali/kernels/kernel_params.h"
@@ -42,7 +44,7 @@ Flip<CPUBackend>::Flip(const OpSpec &spec)
4244
void RunFlip(Tensor<CPUBackend> &output, const Tensor<CPUBackend> &input,
4345
const TensorLayout &layout,
4446
bool horizontal, bool vertical, bool depthwise) {
45-
DALI_TYPE_SWITCH(input.type(), DType,
47+
TYPE_SWITCH(input.type(), type2id, DType, (DALI_NUMERIC_TYPES), (
4648
auto output_ptr = output.mutable_data<DType>();
4749
auto input_ptr = input.data<DType>();
4850
auto kernel = kernels::FlipCPU<DType>();
@@ -54,7 +56,7 @@ void RunFlip(Tensor<CPUBackend> &output, const Tensor<CPUBackend> &input,
5456
auto out_shape = reqs.output_shapes[0][0].to_static<flip_ndim>();
5557
auto out_view = kernels::OutTensorCPU<DType, flip_ndim>(output_ptr, out_shape);
5658
kernel.Run(ctx, out_view, in_view, depthwise, vertical, horizontal);
57-
)
59+
), (DALI_FAIL(make_string("The element type ", input.type(), " is not supported.")))); // NOLINT
5860
}
5961

6062
template <>

dali/operators/generic/flip.cu

Lines changed: 6 additions & 5 deletions
Original file line numberDiff line numberDiff line change
@@ -14,6 +14,8 @@
1414

1515
#include <cuda_runtime_api.h>
1616
#include <vector>
17+
#include "dali/core/static_switch.h"
18+
#include "dali/core/error_handling.h"
1719
#include "dali/kernels/imgproc/flip_gpu.cuh"
1820
#include "dali/operators/generic/flip.h"
1921
#include "dali/operators/generic/flip_util.h"
@@ -25,10 +27,9 @@ template <>
2527
Flip<GPUBackend>::Flip(const OpSpec &spec) : StatelessOperator<GPUBackend>(spec) {}
2628

2729
void RunKernel(TensorList<GPUBackend> &output, const TensorList<GPUBackend> &input,
28-
const std::vector<int32> &depthwise, const std::vector<int32> &horizontal,
29-
const std::vector<int32> &vertical, cudaStream_t stream) {
30-
DALI_TYPE_SWITCH(
31-
input.type(), DType,
30+
const std::vector<int32_t> &depthwise, const std::vector<int32_t> &horizontal,
31+
const std::vector<int32_t> &vertical, cudaStream_t stream) {
32+
TYPE_SWITCH(input.type(), type2id, DType, (DALI_NUMERIC_TYPES), (
3233
auto in_shape = TransformShapes(input.shape(), input.GetLayout());
3334
auto in_view = reshape<flip_ndim>(view<const DType>(input), in_shape);
3435
kernels::KernelContext ctx;
@@ -38,7 +39,7 @@ void RunKernel(TensorList<GPUBackend> &output, const TensorList<GPUBackend> &inp
3839
auto out_shape = reqs.output_shapes[0].to_static<flip_ndim>();
3940
auto out_view = reshape<flip_ndim>(view<DType>(output), out_shape);
4041
kernel.Run(ctx, out_view, in_view, depthwise, vertical, horizontal);
41-
)
42+
), (DALI_FAIL(make_string("The element type ", input.type(), " is not supported.")))); // NOLINT
4243
}
4344

4445
template <>

dali/operators/image/paste/paste.cu

Lines changed: 13 additions & 13 deletions
Original file line numberDiff line numberDiff line change
@@ -29,9 +29,9 @@ __launch_bounds__(PASTE_BLOCKSIZE, 1)
2929
void BatchedPaste(
3030
const int N,
3131
const int C,
32-
const uint8* const __restrict__ fill_value,
33-
const uint8* const * const __restrict__ in_batch,
34-
uint8* const* const __restrict__ out_batch,
32+
const uint8_t* const __restrict__ fill_value,
33+
const uint8_t* const * const __restrict__ in_batch,
34+
uint8_t* const* const __restrict__ out_batch,
3535
const int* const __restrict__ in_out_dims_paste_yx) {
3636
const int n = blockIdx.x;
3737

@@ -40,7 +40,7 @@ void BatchedPaste(
4040
constexpr int nWaves = blockSize / nThreadsPerWave;
4141
constexpr int MAX_C = 1024;
4242

43-
__shared__ uint8 rgb[MAX_C];
43+
__shared__ uint8_t rgb[MAX_C];
4444
__shared__ int jump[MAX_C];
4545
for (int i = threadIdx.x; i < C; i += blockDim.x) {
4646
rgb[i] = fill_value[i % C];
@@ -55,8 +55,8 @@ void BatchedPaste(
5555
const int paste_y = in_out_dims_paste_yx[offset + 4];
5656
const int paste_x = in_out_dims_paste_yx[offset + 5];
5757

58-
const uint8* const input_ptr = in_batch[n];
59-
uint8 * const output_ptr = out_batch[n];
58+
const uint8_t* const input_ptr = in_batch[n];
59+
uint8_t * const output_ptr = out_batch[n];
6060

6161
__syncthreads();
6262

@@ -112,9 +112,9 @@ void Paste<GPUBackend>::RunHelper(Workspace &ws) {
112112
BatchedPaste<<<curr_batch_size, PASTE_BLOCKSIZE, 0, ws.stream()>>>(
113113
curr_batch_size,
114114
C_,
115-
fill_value_.template data<uint8>(),
116-
input_ptrs_gpu_.template data<const uint8*>(),
117-
output_ptrs_gpu_.template data<uint8*>(),
115+
fill_value_.template data<uint8_t>(),
116+
input_ptrs_gpu_.template data<const uint8_t*>(),
117+
output_ptrs_gpu_.template data<uint8_t*>(),
118118
in_out_dims_paste_yx_gpu_.template data<int>());
119119
}
120120

@@ -173,10 +173,10 @@ void Paste<GPUBackend>::SetupSampleParams(Workspace &ws) {
173173
output.SetLayout("HWC");
174174

175175
for (int i = 0; i < curr_batch_size; ++i) {
176-
input_ptrs_.template mutable_data<const uint8*>()[i] =
177-
input.template tensor<uint8>(i);
178-
output_ptrs_.template mutable_data<uint8*>()[i] =
179-
output.template mutable_tensor<uint8>(i);
176+
input_ptrs_.template mutable_data<const uint8_t*>()[i] =
177+
input.template tensor<uint8_t>(i);
178+
output_ptrs_.template mutable_data<uint8_t*>()[i] =
179+
output.template mutable_tensor<uint8_t>(i);
180180
}
181181

182182
// Copy pointers on the GPU for fast access

dali/operators/image/paste/paste.h

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -40,7 +40,7 @@ class Paste : public StatelessOperator<Backend> {
4040
// because we use static shared memory for storing
4141
// fill value array
4242
DALI_ENFORCE(C_ <= 1024, "n_channels of more than 1024 is not supported");
43-
std::vector<uint8> rgb;
43+
std::vector<uint8_t> rgb;
4444
GetSingleOrRepeatedArg(spec, rgb, "fill_value", C_);
4545
fill_value_.set_order(cudaStream_t(0));
4646
fill_value_.Copy(rgb);

0 commit comments

Comments
 (0)