diff --git a/dpctl/_sycl_context.pyx b/dpctl/_sycl_context.pyx index 9a9f7c5277..71c2fb7591 100644 --- a/dpctl/_sycl_context.pyx +++ b/dpctl/_sycl_context.pyx @@ -114,7 +114,7 @@ cdef class SyclContext(_SyclContext): ctx = dpctl.SyclContext() print(ctx.get_devices()) - - Invoking the constuctor with a specific filter string that creates a + - Invoking the constructor with a specific filter string that creates a context for the device corresponding to the filter string. :Example: @@ -127,7 +127,7 @@ cdef class SyclContext(_SyclContext): d = ctx.get_devices()[0] assert(d.is_gpu) - - Invoking the constuctor with a :class:`dpctl.SyclDevice` object + - Invoking the constructor with a :class:`dpctl.SyclDevice` object creates a context for that device. :Example: @@ -141,7 +141,7 @@ cdef class SyclContext(_SyclContext): d = ctx.get_devices()[0] assert(d.is_gpu) - - Invoking the constuctor with a list of :class:`dpctl.SyclDevice` + - Invoking the constructor with a list of :class:`dpctl.SyclDevice` objects creates a common context for all the devices. This constructor call is especially useful when creation a context for multiple sub-devices. @@ -159,7 +159,7 @@ cdef class SyclContext(_SyclContext): ctx = dpctl.SyclContext(sub_devices) assert(len(ctx.get_devices) == len(sub_devices)) - - Invoking the constuctor with a named ``PyCapsule`` with name + - Invoking the constructor with a named ``PyCapsule`` with name **"SyclContextRef"** that carries a pointer to a ``sycl::context`` object. The capsule will be renamed upon successful consumption to ensure one-time use. A new named capsule can be constructed by @@ -430,7 +430,7 @@ cdef class SyclContext(_SyclContext): return num_devs else: raise ValueError( - "An error was encountered quering the number of devices " + "An error was encountered querying the number of devices " "associated with this context" ) diff --git a/dpctl/_sycl_device.pyx b/dpctl/_sycl_device.pyx index 6814dec677..50ce94d94c 100644 --- a/dpctl/_sycl_device.pyx +++ b/dpctl/_sycl_device.pyx @@ -1163,7 +1163,7 @@ cdef class SyclDevice(_SyclDevice): def create_sub_devices(self, **kwargs): """create_sub_devices(partition=parition_spec) Creates a list of sub-devices by partitioning a root device based on the - provided partion specifier. + provided partition specifier. A partition specifier must be provided using a "partition" keyword argument. Possible values for the specifier are: an int, a diff --git a/dpctl/_sycl_event.pyx b/dpctl/_sycl_event.pyx index 90165b4547..34576a2ef7 100644 --- a/dpctl/_sycl_event.pyx +++ b/dpctl/_sycl_event.pyx @@ -119,7 +119,7 @@ cdef class SyclEvent(_SyclEvent): # Create a default SyclEvent e = dpctl.SyclEvent() - - Invoking the constuctor with a named ``PyCapsule`` with name + - Invoking the constructor with a named ``PyCapsule`` with name **"SyclEventRef"** that carries a pointer to a ``sycl::event`` object. The capsule will be renamed upon successful consumption to ensure one-time use. A new named capsule can be constructed by diff --git a/dpctl/_sycl_queue.pyx b/dpctl/_sycl_queue.pyx index dbf0ae8385..6acf3396e1 100644 --- a/dpctl/_sycl_queue.pyx +++ b/dpctl/_sycl_queue.pyx @@ -246,7 +246,7 @@ cdef class SyclQueue(_SyclQueue): # create a queue for each sub-device using the common context queues = [dpctl.SyclQueue(ctx, sub_d) for sub_d in sub_devices] - - Invoking the constuctor with a named ``PyCapsule`` with the name + - Invoking the constructor with a named ``PyCapsule`` with the name **"SyclQueueRef"** that carries a pointer to a ``sycl::queue`` object. The capsule will be renamed upon successful consumption to ensure one-time use. A new named capsule can be constructed by diff --git a/dpctl/_sycl_timer.py b/dpctl/_sycl_timer.py index 0137549251..322272df2d 100644 --- a/dpctl/_sycl_timer.py +++ b/dpctl/_sycl_timer.py @@ -37,14 +37,14 @@ class SyclTimer: q = dpctl.SyclQueue(property='enable_profiling') # create the timer - miliseconds_sc = 1e-3 - timer = dpctl.SyclTimer(time_scale = miliseconds_sc) + milliseconds_sc = 1e-3 + timer = dpctl.SyclTimer(time_scale = milliseconds_sc) # use the timer with timer(queue=q): code_block - # retrieve elapsed times in miliseconds + # retrieve elapsed times in milliseconds sycl_dt, wall_dt = timer.dt Remark: diff --git a/dpctl/apis/include/dpctl4pybind11.hpp b/dpctl/apis/include/dpctl4pybind11.hpp index 1434da1f32..b529c41599 100644 --- a/dpctl/apis/include/dpctl4pybind11.hpp +++ b/dpctl/apis/include/dpctl4pybind11.hpp @@ -742,12 +742,12 @@ class usm_memory : public py::object return nullptr; } - auto convertor = + auto converter = ::dpctl::detail::dpctl_capi::get().as_usm_memory_pyobj(); py::object res; try { - res = convertor(py::handle(o)); + res = converter(py::handle(o)); } catch (const py::error_already_set &e) { return nullptr; } diff --git a/dpctl/memory/_memory.pyx b/dpctl/memory/_memory.pyx index 4ea19bfba0..e0900f870e 100644 --- a/dpctl/memory/_memory.pyx +++ b/dpctl/memory/_memory.pyx @@ -92,7 +92,7 @@ cdef void copy_via_host(void *dest_ptr, SyclQueue dest_queue, void *src_ptr, SyclQueue src_queue, size_t nbytes): """ Copies `nbytes` bytes from `src_ptr` USM memory to - `dest_ptr` USM memory using host as the intemediary. + `dest_ptr` USM memory using host as the intermediary. This is useful when `src_ptr` and `dest_ptr` are bound to incompatible SYCL contexts. diff --git a/dpctl/tensor/_copy_utils.py b/dpctl/tensor/_copy_utils.py index ad5b956851..bc1b071460 100644 --- a/dpctl/tensor/_copy_utils.py +++ b/dpctl/tensor/_copy_utils.py @@ -56,7 +56,7 @@ def _copy_to_numpy(ary): def _copy_from_numpy(np_ary, usm_type="device", sycl_queue=None): "Copies numpy array `np_ary` into a new usm_ndarray" - # This may peform a copy to meet stated requirements + # This may perform a copy to meet stated requirements Xnp = np.require(np_ary, requirements=["A", "E"]) alloc_q = normalize_queue_device(sycl_queue=sycl_queue, device=None) dt = Xnp.dtype diff --git a/dpctl/tensor/_device.py b/dpctl/tensor/_device.py index 63e9cee80f..30afacb435 100644 --- a/dpctl/tensor/_device.py +++ b/dpctl/tensor/_device.py @@ -96,7 +96,7 @@ def sycl_context(self): @property def sycl_device(self): """ - :class:`dpctl.SyclDevice` targed by this :class:`.Device`. + :class:`dpctl.SyclDevice` targeted by this :class:`.Device`. """ return self.sycl_queue_.sycl_device diff --git a/dpctl/tensor/_elementwise_funcs.py b/dpctl/tensor/_elementwise_funcs.py index fe85a183ba..8e2abee837 100644 --- a/dpctl/tensor/_elementwise_funcs.py +++ b/dpctl/tensor/_elementwise_funcs.py @@ -1628,7 +1628,7 @@ _subtract_docstring_ = """ subtract(x1, x2, out=None, order='K') -Calculates the difference bewteen each element `x1_i` of the input +Calculates the difference between each element `x1_i` of the input array `x1` and the respective element `x2_i` of the input array `x2`. Args: diff --git a/dpctl/tensor/_manipulation_functions.py b/dpctl/tensor/_manipulation_functions.py index 9406e386af..d76f33af94 100644 --- a/dpctl/tensor/_manipulation_functions.py +++ b/dpctl/tensor/_manipulation_functions.py @@ -315,7 +315,7 @@ def broadcast_to(X, shape): raise TypeError(f"Expected usm_ndarray type, got {type(X)}.") # Use numpy.broadcast_to to check the validity of the input - # parametr 'shape'. Raise ValueError if 'X' is not compatible + # parameter 'shape'. Raise ValueError if 'X' is not compatible # with 'shape' according to NumPy's broadcasting rules. new_array = np.broadcast_to( np.broadcast_to(np.empty(tuple(), dtype="u1"), X.shape), shape @@ -757,7 +757,7 @@ def iinfo(dtype): Returns: iinfo_object: - An object with the followign attributes + An object with the following attributes * bits: int number of bits occupied by the data type * max: int diff --git a/dpctl/tensor/_print.py b/dpctl/tensor/_print.py index 30bb353df7..97e485a7e7 100644 --- a/dpctl/tensor/_print.py +++ b/dpctl/tensor/_print.py @@ -148,7 +148,7 @@ def set_print_options( suppress (bool, optional): If `True,` numbers equal to zero in the current precision will print as zero. Default: `False`. - nanstr (str, optional): String used to repesent nan. + nanstr (str, optional): String used to represent nan. Raises `TypeError` if nanstr is not a string. Default: `"nan"`. infstr (str, optional): String used to represent infinity. diff --git a/dpctl/tensor/_slicing.pxi b/dpctl/tensor/_slicing.pxi index 4f45d57391..4289284251 100644 --- a/dpctl/tensor/_slicing.pxi +++ b/dpctl/tensor/_slicing.pxi @@ -104,7 +104,7 @@ def _basic_slice_meta(ind, shape : tuple, strides : tuple, offset : int): Give basic slicing index `ind` and array layout information produce a 5-tuple (resulting_shape, resulting_strides, resulting_offset, advanced_ind, resulting_advanced_ind_pos) - used to contruct a view into underlying array over which advanced + used to construct a view into underlying array over which advanced indexing, if any, is to be performed. Raises IndexError for invalid index `ind`. @@ -201,7 +201,7 @@ def _basic_slice_meta(ind, shape : tuple, strides : tuple, offset : int): raise TypeError if ellipses_count > 1: raise IndexError( - "an index can only have a sinlge ellipsis ('...')") + "an index can only have a single ellipsis ('...')") if axes_referenced > len(shape): raise IndexError( "too many indices for an array, array is " diff --git a/dpctl/tensor/_stride_utils.pxi b/dpctl/tensor/_stride_utils.pxi index bc7349a5e6..4f12b989dc 100644 --- a/dpctl/tensor/_stride_utils.pxi +++ b/dpctl/tensor/_stride_utils.pxi @@ -55,7 +55,7 @@ cdef int _from_input_shape_strides( nelems - Number of elements in array min_disp = min( dot(strides, index), index for shape) max_disp = max( dor(strides, index), index for shape) - contig = enumation for array contiguity + contig = enumeration for array contiguity Returns: 0 on success, error code otherwise. On success pointers point to allocated arrays, Otherwise they are set to NULL diff --git a/dpctl/tensor/_usmarray.pyx b/dpctl/tensor/_usmarray.pyx index d6e15f9339..ba18600135 100644 --- a/dpctl/tensor/_usmarray.pyx +++ b/dpctl/tensor/_usmarray.pyx @@ -425,7 +425,7 @@ cdef class usm_ndarray: cdef char *ary_ptr = NULL if (not isinstance(self.base_, dpmem._memory._Memory)): raise InternalUSMArrayError( - "Invalid instance of usm_ndarray ecountered. " + "Invalid instance of usm_ndarray encountered. " "Private field base_ has an unexpected type {}.".format( type(self.base_) ) @@ -566,7 +566,7 @@ cdef class usm_ndarray: elif (self.flags_ & USM_ARRAY_F_CONTIGUOUS): return _f_contig_strides(self.nd_, self.shape_) else: - raise ValueError("Inconsitent usm_ndarray data") + raise ValueError("Inconsistent usm_ndarray data") @property def flags(self): @@ -653,7 +653,7 @@ cdef class usm_ndarray: @property def T(self): - """ Returns tranposed array for 2D array, raises `ValueError` + """ Returns transposed array for 2D array, raises `ValueError` otherwise. """ if self.nd_ == 2: @@ -1376,8 +1376,8 @@ cdef api object UsmNDArray_MakeSimpleFromMemory( QRef: DPCTLSyclQueueRef associated with the allocation offset: distance between element with zero multi-index and the start of allocation - oder: Memory layout of the array. Use 'C' for C-contiguous or - row-major layout; 'F' for F-contiguous or column-major layout + order: Memory layout of the array. Use 'C' for C-contiguous or + row-major layout; 'F' for F-contiguous or column-major layout Returns: Created usm_ndarray instance """ diff --git a/dpctl/tensor/include/dlpack/README.md b/dpctl/tensor/include/dlpack/README.md index 02c594c0fe..2c22e9aa8d 100644 --- a/dpctl/tensor/include/dlpack/README.md +++ b/dpctl/tensor/include/dlpack/README.md @@ -4,4 +4,4 @@ The header `dlpack.h` downloaded from `https://github.com/dmlc/dlpack.git` remot The file can also be viewed using github web interface at https://github.com/dmlc/dlpack/blob/e2bdd3bee8cb6501558042633fa59144cc8b7f5f/include/dlpack/dlpack.h -License file was retrived from https://github.com/dmlc/dlpack/blob/main/LICENSE +License file was retrieved from https://github.com/dmlc/dlpack/blob/main/LICENSE diff --git a/dpctl/tensor/include/dlpack/dlpack.h b/dpctl/tensor/include/dlpack/dlpack.h index 6d51801123..672448d1c6 100644 --- a/dpctl/tensor/include/dlpack/dlpack.h +++ b/dpctl/tensor/include/dlpack/dlpack.h @@ -168,7 +168,7 @@ typedef struct { * `byte_offset` field should be used to point to the beginning of the data. * * Note that as of Nov 2021, multiply libraries (CuPy, PyTorch, TensorFlow, - * TVM, perhaps others) do not adhere to this 256 byte aligment requirement + * TVM, perhaps others) do not adhere to this 256 byte alignment requirement * on CPU/CUDA/ROCm, and always use `byte_offset=0`. This must be fixed * (after which this note will be updated); at the moment it is recommended * to not rely on the data pointer being correctly aligned. diff --git a/dpctl/tensor/libtensor/include/kernels/copy_and_cast.hpp b/dpctl/tensor/libtensor/include/kernels/copy_and_cast.hpp index 33969ec24a..99c356aeb9 100644 --- a/dpctl/tensor/libtensor/include/kernels/copy_and_cast.hpp +++ b/dpctl/tensor/libtensor/include/kernels/copy_and_cast.hpp @@ -118,7 +118,7 @@ typedef sycl::event (*copy_and_cast_generic_fn_ptr_t)( * @brief Generic function to copy `nelems` elements from `src` usm_ndarray to `dst` usm_ndarray while casting from `srcTy` to `dstTy`. - Both arrays have array dimensionality specied via argument `nd`. The + Both arrays have array dimensionality specified via argument `nd`. The `shape_and_strides` is kernel accessible USM array of length `3*nd`, where the first `nd` elements encode common shape, second `nd` elements contain strides of `src` array, and the trailing `nd` elements contain strides of `dst` array. @@ -696,7 +696,7 @@ typedef sycl::event (*copy_for_reshape_fn_ptr_t)( * @param src_nd Array dimension of the source array * @param dst_nd Array dimension of the destination array * @param packed_shapes_and_strides Kernel accessible USM array of size - * `2*src_nd + 2*dst_nd` with contant `[src_shape, src_strides, dst_shape, + * `2*src_nd + 2*dst_nd` with content `[src_shape, src_strides, dst_shape, * dst_strides]`. * @param src_p Typeless USM pointer to the buffer of the source array * @param dst_p Typeless USM pointer to the buffer of the destination array diff --git a/dpctl/tensor/libtensor/include/kernels/reductions.hpp b/dpctl/tensor/libtensor/include/kernels/reductions.hpp index c8aae0a3b9..f6657fa0af 100644 --- a/dpctl/tensor/libtensor/include/kernels/reductions.hpp +++ b/dpctl/tensor/libtensor/include/kernels/reductions.hpp @@ -642,7 +642,7 @@ sycl::event sum_reduction_over_group_temps_strided_impl( size_t reductions_per_wi(preferrered_reductions_per_wi); if (reduction_nelems <= preferrered_reductions_per_wi * max_wg) { - // reduction only requries 1 work-group, can output directly to res + // reduction only requires 1 work-group, can output directly to res sycl::event comp_ev = exec_q.submit([&](sycl::handler &cgh) { cgh.depends_on(depends); diff --git a/dpctl/tensor/libtensor/include/utils/offset_utils.hpp b/dpctl/tensor/libtensor/include/utils/offset_utils.hpp index ac02d26bf0..99e56b850d 100644 --- a/dpctl/tensor/libtensor/include/utils/offset_utils.hpp +++ b/dpctl/tensor/libtensor/include/utils/offset_utils.hpp @@ -91,7 +91,7 @@ device_allocate_and_pack(sycl::queue q, { // memory transfer optimization, use USM-host for temporary speeds up - // tranfer to device, especially on dGPUs + // transfer to device, especially on dGPUs using usm_host_allocatorT = sycl::usm_allocator; using shT = std::vector; diff --git a/dpctl/tensor/libtensor/source/copy_numpy_ndarray_into_usm_ndarray.cpp b/dpctl/tensor/libtensor/source/copy_numpy_ndarray_into_usm_ndarray.cpp index 4097e76178..0e7bc195e9 100644 --- a/dpctl/tensor/libtensor/source/copy_numpy_ndarray_into_usm_ndarray.cpp +++ b/dpctl/tensor/libtensor/source/copy_numpy_ndarray_into_usm_ndarray.cpp @@ -210,7 +210,7 @@ void copy_numpy_ndarray_into_usm_ndarray( simplified_dst_strides.push_back(1); } - // Minumum and maximum element offsets for source np.ndarray + // Minimum and maximum element offsets for source np.ndarray py::ssize_t npy_src_min_nelem_offset(src_offset); py::ssize_t npy_src_max_nelem_offset(src_offset); for (int i = 0; i < nd; ++i) { diff --git a/dpctl/tensor/libtensor/source/device_support_queries.cpp b/dpctl/tensor/libtensor/source/device_support_queries.cpp index 946c36ad26..d04c9c9ed2 100644 --- a/dpctl/tensor/libtensor/source/device_support_queries.cpp +++ b/dpctl/tensor/libtensor/source/device_support_queries.cpp @@ -51,7 +51,7 @@ std::string _default_device_fp_type(sycl::device d) std::string _default_device_int_type(sycl::device) { - return "l"; // code for numpy.dtype('long') to be consisent + return "l"; // code for numpy.dtype('long') to be consistent // with NumPy's default integer type across // platforms. } diff --git a/dpctl/tensor/libtensor/source/tensor_py.cpp b/dpctl/tensor/libtensor/source/tensor_py.cpp index 9b4ba6cdad..662ca464c4 100644 --- a/dpctl/tensor/libtensor/source/tensor_py.cpp +++ b/dpctl/tensor/libtensor/source/tensor_py.cpp @@ -245,7 +245,7 @@ PYBIND11_MODULE(_tensor_impl, m) m.def("_copy_numpy_ndarray_into_usm_ndarray", ©_numpy_ndarray_into_usm_ndarray, - "Copy fom numpy array `src` into usm_ndarray `dst` synchronously.", + "Copy from numpy array `src` into usm_ndarray `dst` synchronously.", py::arg("src"), py::arg("dst"), py::arg("sycl_queue"), py::arg("depends") = py::list()); diff --git a/dpctl/tests/test_tensor_asarray.py b/dpctl/tests/test_tensor_asarray.py index f9bc31972c..e73c35ce26 100644 --- a/dpctl/tests/test_tensor_asarray.py +++ b/dpctl/tests/test_tensor_asarray.py @@ -71,7 +71,7 @@ def test_asarray_from_numpy(): assert type(Y) is dpt.usm_ndarray assert Y.shape == Xnp.shape assert Y.dtype == Xnp.dtype - # Fortan contiguous case + # Fortran contiguous case Xnp = np.array([[1, 2, 3], [4, 5, 6]], dtype="f4", order="F") Y = dpt.asarray(Xnp, usm_type="shared") assert type(Y) is dpt.usm_ndarray diff --git a/libsyclinterface/include/dpctl_data_types.h b/libsyclinterface/include/dpctl_data_types.h index c8c812b86d..2e644f1327 100644 --- a/libsyclinterface/include/dpctl_data_types.h +++ b/libsyclinterface/include/dpctl_data_types.h @@ -81,21 +81,21 @@ typedef signed int ssize_t; #endif /* _MSC_VER */ /*! - @brief Represents tha largest possible value of a 64 bit signed integer. + @brief Represents the largest possible value of a 64 bit signed integer. */ #if !defined(INT64_MAX) #define INT64_MAX 9223372036854775807LL #endif /*! - @brief Represents tha smallest possible value of a 64 bit signed integer. + @brief Represents the smallest possible value of a 64 bit signed integer. */ #if !defined(INT64_MIN) #define INT64_MIN ((-INT64_MAX) - 1) #endif /*! - @brief Represents tha largest possible value of a 64bit unsigned integer. + @brief Represents the largest possible value of a 64bit unsigned integer. */ #if !defined(UINT64_MAX) #define UINT64_MAX 0xffffffffffffffffULL diff --git a/libsyclinterface/include/dpctl_device_selection.hpp b/libsyclinterface/include/dpctl_device_selection.hpp index 6aa4e69ec7..9da0072ab1 100644 --- a/libsyclinterface/include/dpctl_device_selection.hpp +++ b/libsyclinterface/include/dpctl_device_selection.hpp @@ -1,4 +1,5 @@ -//===-- dpctl_device_selection.h - Device selector class declar. --*-C++-*- =// +//===-- dpctl_device_selection.h - +// Device selector class declaration --*-C++-*- =// // // // Data Parallel Control (dpctl) diff --git a/libsyclinterface/include/dpctl_sycl_device_selector_interface.h b/libsyclinterface/include/dpctl_sycl_device_selector_interface.h index c1cd5fcd5c..f439f3281a 100644 --- a/libsyclinterface/include/dpctl_sycl_device_selector_interface.h +++ b/libsyclinterface/include/dpctl_sycl_device_selector_interface.h @@ -19,7 +19,7 @@ //===----------------------------------------------------------------------===// /// /// \file -/// This header declares C contructors for the various SYCL device_selector +/// This header declares C constructors for the various SYCL device_selector /// classes. /// //===----------------------------------------------------------------------===// diff --git a/libsyclinterface/include/dpctl_sycl_event_interface.h b/libsyclinterface/include/dpctl_sycl_event_interface.h index a49d17f12e..6bb4d0412c 100644 --- a/libsyclinterface/include/dpctl_sycl_event_interface.h +++ b/libsyclinterface/include/dpctl_sycl_event_interface.h @@ -44,7 +44,7 @@ DPCTL_C_EXTERN_C_BEGIN DPCTL_DECLARE_VECTOR(Event) /*! - * @brief A wrapper for ``sycl::event`` contructor to construct a new event. + * @brief A wrapper for ``sycl::event`` constructor to construct a new event. * * @return An opaque DPCTLSyclEventRef pointer wrapping a ``sycl::event``. * @ingroup EventInterface diff --git a/libsyclinterface/include/dpctl_sycl_queue_interface.h b/libsyclinterface/include/dpctl_sycl_queue_interface.h index 8dd07280d2..1c5e53a395 100644 --- a/libsyclinterface/include/dpctl_sycl_queue_interface.h +++ b/libsyclinterface/include/dpctl_sycl_queue_interface.h @@ -42,8 +42,8 @@ DPCTL_C_EXTERN_C_BEGIN */ /*! - * @brief A wrapper for sycl::queue contructor to construct a new queue from the - * provided context, device, async handler and propertis bit flags. + * @brief A wrapper for sycl::queue constructor to construct a new queue from + * the provided context, device, async handler and propertis bit flags. * * @param CRef An opaque pointer to a sycl::context. * @param DRef An opaque pointer to a sycl::device @@ -362,7 +362,7 @@ DPCTL_API size_t DPCTLQueue_Hash(__dpctl_keep const DPCTLSyclQueueRef QRef); /*! - * @brief C-API wraper for ``sycl::queue::submit_barrier()``. + * @brief C-API wrapper for ``sycl::queue::submit_barrier()``. * * @param QRef An opaque pointer to the ``sycl::queue``. * @return An opaque pointer to the ``sycl::event`` returned by the @@ -373,7 +373,7 @@ __dpctl_give DPCTLSyclEventRef DPCTLQueue_SubmitBarrier(__dpctl_keep const DPCTLSyclQueueRef QRef); /*! - * @brief C-API wraper for ``sycl::queue::submit_barrier(event_vector)``. + * @brief C-API wrapper for ``sycl::queue::submit_barrier(event_vector)``. * * @param QRef An opaque pointer to the ``sycl::queue``. * @param DepEvents List of dependent DPCTLSyclEventRef objects (events) diff --git a/libsyclinterface/include/dpctl_vector.h b/libsyclinterface/include/dpctl_vector.h index fea49925ea..792368bbc3 100644 --- a/libsyclinterface/include/dpctl_vector.h +++ b/libsyclinterface/include/dpctl_vector.h @@ -83,8 +83,8 @@ DPCTL_C_EXTERN_C_BEGIN /*! \ @brief Returns the element at the specified index. \ @param VRef Opaque pointer to a vector. \ - @param index The index postion of the element to be returned. \ - @return The element at the specified postion, if the index position is \ + @param index The index position of the element to be returned. \ + @return The element at the specified position, if the index position is \ out of bounds then a nullptr is returned. \ */ \ DPCTL_API \