Skip to content

Commit

Permalink
fixing some typos (#17980)
Browse files Browse the repository at this point in the history
  • Loading branch information
kai-waang authored Jun 9, 2023
1 parent 8adce06 commit 7b86b42
Show file tree
Hide file tree
Showing 11 changed files with 24 additions and 24 deletions.
2 changes: 1 addition & 1 deletion src/bindings/python/tests/test_graph/test_manager.py
Original file line number Diff line number Diff line change
Expand Up @@ -175,7 +175,7 @@ def test_default_version(prepare_ir_paths):
assert compare_models(model, res_model)


def test_default_version_IR_V11_seperate_paths(prepare_ir_paths):
def test_default_version_IR_V11_separate_paths(prepare_ir_paths):
core = Core()

xml_path, bin_path = prepare_ir_paths
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -135,7 +135,7 @@ ov::pass::UniqueDecomposition::UniqueDecomposition() {
auto unsqueeze_range_1nplus1 = rg.make<Unsqueeze>(range_1nplus1, zero_const);
// 2. compute a mask with indices counting from one
auto unique_vs_x_ind = rg.make<Multiply>(unique_vs_x_01, unsqueeze_range_1nplus1);
// 3. compute positions of the first occurence for each unique element
// 3. compute positions of the first occurrence for each unique element
// or these are positions of unique elements in the original order
auto minimum_indices_plus1 = rg.make<ReduceMin>(unique_vs_x_ind, one_const);
auto minimum_indices = rg.make<Subtract>(minimum_indices_plus1, one_const);
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -86,7 +86,7 @@ shared_ptr<Model> gen_model_ref(PartialShape input_shape, element::Type out_idx)
auto unsqueeze_range_1nplus1 = make_shared<Unsqueeze>(range_1nplus1, zero_const);
// 2. compute a mask with indices counting from one
auto unique_vs_x_ind = make_shared<Multiply>(unique_vs_x_01, unsqueeze_range_1nplus1);
// 3. compute positions of the first occurence for each unique element
// 3. compute positions of the first occurrence for each unique element
// or these are positions of unique elements in the original order
auto minimum_indices_plus1 = make_shared<ReduceMin>(unique_vs_x_ind, one_const);
auto minimum_indices = make_shared<Subtract>(minimum_indices_plus1, one_const);
Expand Down
2 changes: 1 addition & 1 deletion src/core/reference/src/runtime/reference/einsum.cpp
Original file line number Diff line number Diff line change
Expand Up @@ -488,7 +488,7 @@ HostTensorPtr build_identity(const HostTensorPtr& input_ptr, const ov::TensorLab

// Identity[k,k,...,k] element is placed in k*p^(n-1) + ... + k*p + k position,
// where p is a size of one Identity dimension,
// n is occurence number for the considered label and k in [0; p).
// n is occurrence number for the considered label and k in [0; p).
// Note that k*p^(n-1) + ... + k*p + k = k * (p^n-1)/(p-1) = k * alpha
size_t p = repeated_label_dim_size;
if (p == 1) {
Expand Down
22 changes: 11 additions & 11 deletions src/core/tests/pass/serialization/const_compression.cpp
Original file line number Diff line number Diff line change
Expand Up @@ -11,7 +11,7 @@
#include "openvino/pass/serialize.hpp"
#include "util/test_common.hpp"

class SerializatioConstantCompressionTest : public ov::test::TestsCommon {
class SerializationConstantCompressionTest : public ov::test::TestsCommon {
protected:
std::string m_out_xml_path_1;
std::string m_out_bin_path_1;
Expand All @@ -37,7 +37,7 @@ class SerializatioConstantCompressionTest : public ov::test::TestsCommon {
}
};

TEST_F(SerializatioConstantCompressionTest, IdenticalConstantsI32) {
TEST_F(SerializationConstantCompressionTest, IdenticalConstantsI32) {
constexpr int unique_const_count = 1;
const ov::Shape shape{2, 2, 2};

Expand All @@ -54,7 +54,7 @@ TEST_F(SerializatioConstantCompressionTest, IdenticalConstantsI32) {
ASSERT_TRUE(file_size(bin_1) == unique_const_count * ov::shape_size(shape) * sizeof(int32_t));
}

TEST_F(SerializatioConstantCompressionTest, IdenticalConstantsI64) {
TEST_F(SerializationConstantCompressionTest, IdenticalConstantsI64) {
constexpr int unique_const_count = 1;
const ov::Shape shape{2, 2, 2};

Expand All @@ -71,7 +71,7 @@ TEST_F(SerializatioConstantCompressionTest, IdenticalConstantsI64) {
ASSERT_TRUE(file_size(bin_1) == unique_const_count * ov::shape_size(shape) * sizeof(int64_t));
}

TEST_F(SerializatioConstantCompressionTest, IdenticalConstantsFP16) {
TEST_F(SerializationConstantCompressionTest, IdenticalConstantsFP16) {
constexpr int unique_const_count = 1;
const ov::Shape shape{2, 2, 2};

Expand All @@ -88,7 +88,7 @@ TEST_F(SerializatioConstantCompressionTest, IdenticalConstantsFP16) {
ASSERT_TRUE(file_size(bin_1) == unique_const_count * ov::shape_size(shape) * sizeof(ov::float16));
}

TEST_F(SerializatioConstantCompressionTest, IdenticalConstantsFP32) {
TEST_F(SerializationConstantCompressionTest, IdenticalConstantsFP32) {
constexpr int unique_const_count = 1;
const ov::Shape shape{2, 2, 2};

Expand All @@ -105,7 +105,7 @@ TEST_F(SerializatioConstantCompressionTest, IdenticalConstantsFP32) {
ASSERT_TRUE(file_size(bin_1) == unique_const_count * ov::shape_size(shape) * sizeof(float));
}

TEST_F(SerializatioConstantCompressionTest, NonIdenticalConstantsI64) {
TEST_F(SerializationConstantCompressionTest, NonIdenticalConstantsI64) {
constexpr int unique_const_count = 2;
const ov::Shape shape{2};

Expand All @@ -123,7 +123,7 @@ TEST_F(SerializatioConstantCompressionTest, NonIdenticalConstantsI64) {
ASSERT_TRUE(file_size(bin_1) == unique_const_count * ov::shape_size(shape) * sizeof(int64_t));
}

TEST_F(SerializatioConstantCompressionTest, IdenticalConstantsTimesTwo) {
TEST_F(SerializationConstantCompressionTest, IdenticalConstantsTimesTwo) {
constexpr int unique_const_count = 2;
const ov::Shape shape{2, 2, 2};

Expand All @@ -142,7 +142,7 @@ TEST_F(SerializatioConstantCompressionTest, IdenticalConstantsTimesTwo) {
ASSERT_TRUE(file_size(bin_1) == unique_const_count * ov::shape_size(shape) * sizeof(int32_t));
}

TEST_F(SerializatioConstantCompressionTest, IdenticalConstantsTimesTwoMultipleOccurences) {
TEST_F(SerializationConstantCompressionTest, IdenticalConstantsTimesTwoMultipleOccurrences) {
constexpr int unique_const_count = 2;
const ov::Shape shape{2, 2, 2};

Expand All @@ -163,7 +163,7 @@ TEST_F(SerializatioConstantCompressionTest, IdenticalConstantsTimesTwoMultipleOc
ASSERT_TRUE(file_size(bin_1) == unique_const_count * ov::shape_size(shape) * sizeof(int32_t));
}

TEST_F(SerializatioConstantCompressionTest, NonIdenticalConstants) {
TEST_F(SerializationConstantCompressionTest, NonIdenticalConstants) {
constexpr int unique_const_count = 2;
const ov::Shape shape{2, 2, 2};

Expand All @@ -180,7 +180,7 @@ TEST_F(SerializatioConstantCompressionTest, NonIdenticalConstants) {
ASSERT_TRUE(file_size(bin_1) == unique_const_count * ov::shape_size(shape) * sizeof(int32_t));
}

TEST_F(SerializatioConstantCompressionTest, IdenticalConstantsDifferentTypesI32I64) {
TEST_F(SerializationConstantCompressionTest, IdenticalConstantsDifferentTypesI32I64) {
constexpr int unique_const_count = 1;
const ov::Shape shape{2, 2, 2};

Expand All @@ -197,7 +197,7 @@ TEST_F(SerializatioConstantCompressionTest, IdenticalConstantsDifferentTypesI32I
ASSERT_TRUE(file_size(bin_1) == unique_const_count * ov::shape_size(shape) * sizeof(int32_t));
}

TEST_F(SerializatioConstantCompressionTest, IdenticalConstantsDifferentTypesI32I8) {
TEST_F(SerializationConstantCompressionTest, IdenticalConstantsDifferentTypesI32I8) {
constexpr int unique_const_count = 1;
const ov::Shape shape{1, 1, 2};

Expand Down
2 changes: 1 addition & 1 deletion src/frontends/onnx/frontend/src/core/model.cpp
Original file line number Diff line number Diff line change
Expand Up @@ -19,7 +19,7 @@ std::string get_node_domain(const ONNX_NAMESPACE::NodeProto& node_proto) {

std::int64_t get_opset_version(const ONNX_NAMESPACE::ModelProto& model_proto, const std::string& domain) {
// copy the opsets and sort them (descending order)
// then return the version from the first occurence of a given domain
// then return the version from the first occurrence of a given domain
auto opset_imports = model_proto.opset_import();
std::sort(std::begin(opset_imports),
std::end(opset_imports),
Expand Down
6 changes: 3 additions & 3 deletions src/frontends/onnx/frontend/src/utils/arg_min_max_factory.cpp
Original file line number Diff line number Diff line change
Expand Up @@ -30,15 +30,15 @@ std::shared_ptr<ngraph::Node> ArgMinMaxFactory::make_topk_subgraph(default_opset

if (m_select_last_index == 1) {
// Example (ArgMin):
// The goal is to get the index of the last occurence of the
// The goal is to get the index of the last occurrence of the
// minimum value present in given input tensor.
//
// Input: [1, 2, 1, 3, 4, 4]
// Expected output: [2]
//
// Top-K is always returning the "most-left" result. The trick is to
// reverse input to find the "most-right" occurence which is equal to
// the last occurence in the original input.
// reverse input to find the "most-right" occurrence which is equal to
// the last occurrence in the original input.
// reverse = [4, 4, 3, 1, 2, 1]
//
// Run TopK on reversed tensor, in the example output with index values
Expand Down
4 changes: 2 additions & 2 deletions src/frontends/tensorflow_common/src/op/dynamic_partition.cpp
Original file line number Diff line number Diff line change
Expand Up @@ -33,10 +33,10 @@ OutputVector translate_dynamic_partition_op(const NodeContext& node) {
auto const_zero = make_shared<Constant>(element::i64, Shape{}, 0);
auto target_shape = make_shared<Constant>(element::i64, Shape{1}, num_partitions);
Output<Node> split_legths = make_shared<Broadcast>(const_zero, target_shape);
// 2. compute unique partition indices and their occurences
// 2. compute unique partition indices and their occurrences
auto axis = make_shared<Constant>(element::i32, Shape{1}, 0);
auto unique_partition_inds = make_shared<Unique>(partitions);
// 3. update split_lengths with a number of occurences by each partition index
// 3. update split_lengths with a number of occurrences by each partition index
split_legths = make_shared<ScatterUpdate>(split_legths,
unique_partition_inds->output(0),
unique_partition_inds->output(3),
Expand Down
2 changes: 1 addition & 1 deletion src/plugins/intel_cpu/src/nodes/roi_align.cpp
Original file line number Diff line number Diff line change
Expand Up @@ -526,7 +526,7 @@ struct jit_uni_roi_align_kernel_f32 : public jit_uni_roi_align_kernel, public ji

uni_vmovups(xmm_weights, ptr[reg_weights]);
if (jcp_.alg == Algorithm::ROIAlignAvg) {
// as vex instruction will zero upper bit for xmm version, store result in seperate xmm_dst_tail
// as vex instruction will zero upper bit for xmm version, store result in separate xmm_dst_tail
uni_vfmadd231ps(xmm_dst_tail, xmm_src, xmm_weights);
} else {
uni_vmulps(xmm_src, xmm_src, xmm_weights);
Expand Down
2 changes: 1 addition & 1 deletion src/plugins/intel_gna/legacy/include/legacy/ie_layers.h
Original file line number Diff line number Diff line change
Expand Up @@ -2164,7 +2164,7 @@ class UniqueLayer : public CNNLayer {
*/
bool return_inverse;
/**
* @brief A flag indicating whether to return a number of occurences for each unique element
* @brief A flag indicating whether to return a number of occurrences for each unique element
*/
bool return_counts;

Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -254,7 +254,7 @@ void apply(cv::gimpl::GModel::Graph &g) {
}

// Probably the simplest case: desync makes no sense in the regular
// compilation process, so just drop all its occurences in the graph,
// compilation process, so just drop all its occurrences in the graph,
// reconnecting nodes properly.
void drop(cv::gimpl::GModel::Graph &g) {
// FIXME: LOG here that we're dropping the desync operations as
Expand Down

0 comments on commit 7b86b42

Please sign in to comment.