Home
last modified time | relevance | path

Searched refs:np (Results 1 – 25 of 32) sorted by relevance

12

/AliOS-Things-master/components/lwip/lwip2.0.0/netif/ppp/
A Dvj.c198 if (np->len < hlen) { in vj_compress_tcp()
205 np = pbuf_alloc(PBUF_RAW, np->tot_len, PBUF_POOL); in vj_compress_tcp()
206 if (!np) { in vj_compress_tcp()
211 pbuf_free(np); in vj_compress_tcp()
215 *pb = np; in vj_compress_tcp()
645 if(!np) { in vj_uncompress_tcp()
667 n0 = np; in vj_uncompress_tcp()
671 struct pbuf *np; in vj_uncompress_tcp() local
675 if(!np) { in vj_uncompress_tcp()
679 pbuf_cat(np, n0); in vj_uncompress_tcp()
[all …]
A Dmppe.c195 struct pbuf *n, *np; in mppe_compress() local
205 if (!np) { in mppe_compress()
210 pbuf_header(np, -(s16_t)(MPPE_OVHD + sizeof(protocol))); in mppe_compress()
212 if ((err = pbuf_copy(np, *pb)) != ERR_OK) { in mppe_compress()
213 pbuf_free(np); in mppe_compress()
218 pbuf_header(np, (s16_t)(MPPE_OVHD + sizeof(protocol))); in mppe_compress()
220 *pb = np; in mppe_compress()
221 pl = (u8_t*)np->payload; in mppe_compress()
249 pbuf_header(np, -(s16_t)MPPE_OVHD); in mppe_compress()
252 for (n = np; n != NULL; n = n->next) { in mppe_compress()
[all …]
/AliOS-Things-master/components/ai_agent/src/engine/tflite-micro/tensorflow/lite/experimental/mlir/testing/op_tests/
A Dbroadcast_gradient_args.py20 import numpy as np namespace
49 np.array([2, 4, 1, 3], dtype=dtype),
50 np.array([2, 4, 1, 3], dtype=dtype)
54 np.array([2, 4, 1, 3], dtype=dtype),
55 np.array([2, 1, 1, 3], dtype=dtype)
59 np.array([2, 4, 1, 3], dtype=dtype),
60 np.array([2, 5, 1, 3], dtype=dtype)
A Dis_finite.py20 import numpy as np namespace
48 np.float32, parameters["input_shape"], min_value=-10, max_value=10)
54 result.append(np.random.randint(low=0, high=dim))
57 input_values[random_index(input_values.shape)] = np.Inf
58 input_values[random_index(input_values.shape)] = -np.Inf
59 input_values[random_index(input_values.shape)] = np.NAN
A Dparse_example.py22 import numpy as np namespace
34 data = np.random.rand(*feature_shape)
38 data = np.random.randint(-100, 100, size=feature_shape)
43 data = "".join(np.random.choice(letters, size=10)).encode("utf-8")
47 return np.array([example.SerializeToString()])
69 feature_default_value = np.zeros(shape=feature_shape)
71 feature_default_value = np.array(["missing"]*feature_shape[0])
A Dconv_bias_activation.py20 import numpy as np namespace
80 bias_input = create_tensor_data(np.float32, (filter_shape[-1],))
91 np.float32, filter_shape, min_value=-10, max_value=10)
111 np.float32, parameters["filter_2_shape"], min_value=-10, max_value=10)
132 np.float32, input_shape, min_value=-1, max_value=1)
A Didentify_dilated_conv.py20 import numpy as np namespace
62 np.float32, filter_shape, min_value=-10, max_value=10)
85 create_tensor_data(np.float32, input_shape, min_value=-1, max_value=1)
88 values.append(create_tensor_data(np.float32, filter_shape))
A Dwhile_loop.py20 import numpy as np namespace
85 np.array([parameters["num_iterations"]], dtype=np.int32),
86 np.array(parameters["increment_value"], dtype=numpy_type)
A Dcond.py20 import numpy as np namespace
60 np.array([parameters["pred"]], dtype=np.bool),
A Dirfft2d.py20 import numpy as np namespace
59 rfft_input = create_tensor_data(np.float32, parameters["input_shape"])
60 rfft_result = np.fft.rfft2(rfft_input, rfft_length)
A Didentify_dilated_conv1d.py20 import numpy as np namespace
68 create_tensor_data(np.float32, input_shape, min_value=-1, max_value=1),
69 create_tensor_data(np.float32, filter_shape)
/AliOS-Things-master/solutions/tflite_micro_speech_demo/micro_speech/train/speech_commands/
A Dgenerate_streaming_test_wav.py46 import numpy as np namespace
98 output_audio = np.zeros((output_audio_sample_count,), dtype=np.float32)
116 background_index = np.random.randint(len(audio_processor.background_data))
118 background_offset = np.random.randint(
120 background_volume = np.random.uniform(0, FLAGS.background_volume)
139 int(i * word_stride_samples) + np.random.randint(word_gap_samples))
141 is_unknown = np.random.randint(100) < FLAGS.unknown_percentage
145 wanted_label = words_list[2 + np.random.randint(len(words_list) - 2)]
146 test_data_start = np.random.randint(len(all_test_data))
148 index_lookup = np.arange(len(all_test_data), dtype=np.int32)
[all …]
A Dgenerate_streaming_test_wav_test.py21 import numpy as np namespace
30 track_data = np.zeros([10000])
31 sample_data = np.ones([1000])
A Dinput_data.py30 import numpy as np namespace
156 wav_data_placeholder: np.reshape(wav_data, (-1, 1))
544 labels = np.zeros(sample_count)
555 sample_index = np.random.randint(len(candidates))
559 time_shift_amount = np.random.randint(-time_shift, time_shift)
582 background_offset = np.random.randint(
588 background_volume = np.random.uniform(0, 1)
589 elif np.random.uniform(0, 1) < background_frequency:
594 background_reshaped = np.zeros([desired_samples, 1])
660 data = np.zeros((sample_count, desired_samples))
[all …]
A Drecognize_commands.py22 import numpy as np namespace
104 self._previous_top_time = -np.inf
156 average_scores = np.zeros(self._label_count)
175 self._previous_top_time == -np.inf):
176 time_since_last_top = np.inf
A Daccuracy_utils.py20 import numpy as np namespace
98 latest_possible_time = np.inf
A Dinput_data_test.py23 import numpy as np namespace
156 save_data = np.zeros([16000, 1])
251 sample_data = np.zeros([desired_samples, 1])
/AliOS-Things-master/components/drivers/peripheral/flash/src/
A Dmtd.c23 int np; member
51 if (g_mtd_info.np > 0) { in aos_mtd_part_info_get()
52 int np = g_mtd_info.np; in aos_mtd_part_info_get() local
64 *cnt = np; in aos_mtd_part_info_get()
123 while (index < g_mtd_info.np) { in aos_mtd_get_by_std_part()
219 if (np > 0) { in aos_mtd_register()
222 g_mtd_info.np = np; in aos_mtd_register()
244 np --; in aos_mtd_register()
249 while (np > 0) { in aos_mtd_register()
279 np --; in aos_mtd_register()
[all …]
/AliOS-Things-master/components/ai_agent/src/engine/tflite-micro/tensorflow/lite/micro/testing/
A Dgenerate_test_models.py30 import numpy as np namespace
54 data_x = np.random.rand(12, 16, 16, 1)
55 data_y = np.random.randint(2, size=(12, 10))
60 yield [np.random.rand(16, 16).reshape(1, 16, 16, 1).astype(np.float32)]
/AliOS-Things-master/components/SDL2/src/image/external/libpng-1.6.37/
A Dpngset.c1073 png_sPLT_tp np; in png_set_sPLT() local
1083 sizeof *np)); in png_set_sPLT()
1085 if (np == NULL) in png_set_sPLT()
1135 np->name = NULL; in png_set_sPLT()
1151 ++np; in png_set_sPLT()
1241 sizeof *np)); in png_set_unknown_chunks()
1243 if (np == NULL) in png_set_unknown_chunks()
1262 memcpy(np->name, unknowns->name, (sizeof np->name)); in png_set_unknown_chunks()
1263 np->name[(sizeof np->name)-1] = '\0'; in png_set_unknown_chunks()
1269 np->size = 0; in png_set_unknown_chunks()
[all …]
/AliOS-Things-master/components/uvoice/tools/
A Dgen_voice.py7 import numpy as np namespace
38 Y = np.fft.fft(buffer)*2/unit_sample
39 absY = [np.abs(x) for x in Y]
41 print(int(np.argmax(absY)*df))
/AliOS-Things-master/components/ai_agent/src/engine/tflite-micro/tensorflow/lite/experimental/mlir/testing/
A Dmlir_convert.py23 import numpy as np namespace
82 np.random.uniform(min_value, max_value,
83 tuple(dims)).astype(np.float32))
/AliOS-Things-master/solutions/tflite_micro_speech_demo/micro_speech/train/
A Dtrain_micro_speech_model.ipynb340 "import numpy as np"
416 " flattened_data = np.array(data.flatten(), dtype=np.float32).reshape(1, 1960)\n",
449 " np.random.seed(0) # set random seed for reproducible test results.\n",
454 " test_data = np.expand_dims(test_data, axis=1).astype(np.float32)\n",
/AliOS-Things-master/components/drivers/peripheral/flash/include/aos/
A Dmtd.h245 int aos_mtd_register(aos_mtd_t *master, const struct mtd_part *parts, int np);
/AliOS-Things-master/components/SDL2/test/
A Dtestime.c87 static Uint8 validate_hex(const char *cp, size_t len, Uint32 *np) in validate_hex() argument
97 if (np != NULL) in validate_hex()
98 *np = n; in validate_hex()

Completed in 29 milliseconds

12