Home
last modified time | relevance | path

Searched refs:rate (Results 1 – 25 of 1098) sorted by relevance

12345678910>>...44

/external/libnl/lib/cli/qdisc/
Dhtb.c84 long rate; in htb_parse_class_argv() local
117 rate = nl_size2int(optarg); in htb_parse_class_argv()
118 if (rate < 0) { in htb_parse_class_argv()
119 nl_cli_fatal(rate, "Unable to parse htb rate " in htb_parse_class_argv()
123 rtnl_htb_set_rate(class, rate); in htb_parse_class_argv()
127 rate = nl_size2int(optarg); in htb_parse_class_argv()
128 if (rate < 0) { in htb_parse_class_argv()
129 nl_cli_fatal(rate, "Unable to parse htb ceil rate " in htb_parse_class_argv()
133 rtnl_htb_set_ceil(class, rate); in htb_parse_class_argv()
141 rate = nl_size2int(optarg); in htb_parse_class_argv()
[all …]
/external/iproute2/tc/
Dm_police.c121 if (p.rate.rate) { in act_parse_police()
125 if (get_rate(&p.rate.rate, *argv)) { in act_parse_police()
141 if (p.peakrate.rate) { in act_parse_police()
145 if (get_rate(&p.peakrate.rate, *argv)) { in act_parse_police()
185 if (p.rate.rate && avrate) in act_parse_police()
189 if (!p.rate.rate && !avrate && !p.index) { in act_parse_police()
195 if (p.rate.rate && !buffer && !avrate) { in act_parse_police()
200 if (p.peakrate.rate) { in act_parse_police()
201 if (!p.rate.rate) { in act_parse_police()
211 if (p.rate.rate) { in act_parse_police()
[all …]
Dq_tbf.c201 opt.rate.rate = (rate64 >= (1ULL << 32)) ? ~0U : rate64; in tbf_parse_opt()
202 opt.peakrate.rate = (prate64 >= (1ULL << 32)) ? ~0U : prate64; in tbf_parse_opt()
216 opt.rate.mpu = mpu; in tbf_parse_opt()
217 opt.rate.overhead = overhead; in tbf_parse_opt()
218 if (tc_calc_rtable(&opt.rate, rtab, Rcell_log, mtu, linklayer) < 0) { in tbf_parse_opt()
222 opt.buffer = tc_calc_xmittime(opt.rate.rate, buffer); in tbf_parse_opt()
224 if (opt.peakrate.rate) { in tbf_parse_opt()
231 opt.mtu = tc_calc_xmittime(opt.peakrate.rate, mtu); in tbf_parse_opt()
241 if (opt.peakrate.rate) { in tbf_parse_opt()
275 rate64 = qopt->rate.rate; in tbf_print_opt()
[all …]
/external/tensorflow/tensorflow/python/kernel_tests/nn_ops/
Datrous_conv2d_test.py30 def _upsample_filters(filters, rate): argument
44 if rate == 1:
48 ker = np.zeros([rate, rate], dtype=np.float32)
50 filters_up = np.kron(filters_up, ker)[:, :, :-(rate - 1), :-(rate - 1)]
73 for rate in range(1, 4):
74 f_up = _upsample_filters(f, rate)
77 y1 = nn_ops.atrous_conv2d(x, f, rate, padding=padding)
119 for rate in range(2, 4):
121 y1 = nn_ops.atrous_conv2d(x, f, rate, padding=padding)
122 y1 = nn_ops.atrous_conv2d(y1, f, rate, padding=padding)
[all …]
Dcudnn_deterministic_base.py135 def testConvBackwardFilterGradient(self, rate=1): argument
142 dilations = [1, rate, rate, 1]
157 self.testConvBackwardFilterGradient(rate=2)
160 def testConvBackwardInputGradient(self, rate=1): argument
167 dilations = [1, rate, rate, 1]
182 self.testConvBackwardInputGradient(rate=2)
185 def testConvTransposeForward(self, rate=1): argument
206 dilations=[1, rate, rate, 1]))
212 self.testConvTransposeForward(rate=2)
215 def testConvTransposeBackwardFilterGradient(self, rate=1): argument
[all …]
/external/webrtc/modules/audio_mixer/
Dframe_combiner_unittest.cc97 for (const int rate : {8000, 18000, 34000, 48000}) { in TEST()
100 SetUpFrames(rate, number_of_channels); in TEST()
104 ProduceDebugText(rate, number_of_channels, number_of_frames)); in TEST()
108 combiner.Combine(frames_to_combine, number_of_channels, rate, in TEST()
147 for (const int rate : {8000, 18000, 34000, 48000}) { in TEST()
149 if (static_cast<size_t>(rate / 100 * number_of_channels) > in TEST()
154 SetUpFrames(rate, number_of_channels); in TEST()
158 ProduceDebugText(rate, number_of_channels, number_of_frames)); in TEST()
164 combiner.Combine(frames_to_combine, number_of_channels, rate, in TEST()
168 combiner.Combine(frames_to_combine, number_of_channels, rate, in TEST()
[all …]
/external/webrtc/modules/audio_processing/aec3/
Dblock_framer_unittest.cc202 for (auto rate : {16000, 32000, 48000}) { in TEST()
204 SCOPED_TRACE(ProduceDebugText(rate, correct_num_channels)); in TEST()
205 const size_t correct_num_bands = NumBandsForRate(rate); in TEST()
208 rate, correct_num_channels, wrong_num_bands, correct_num_channels, in TEST()
216 for (auto rate : {16000, 32000, 48000}) { in TEST()
218 SCOPED_TRACE(ProduceDebugText(rate, correct_num_channels)); in TEST()
219 const size_t correct_num_bands = NumBandsForRate(rate); in TEST()
222 rate, correct_num_channels, correct_num_bands, wrong_num_channels, in TEST()
230 for (auto rate : {16000, 32000, 48000}) { in TEST()
232 SCOPED_TRACE(ProduceDebugText(rate, correct_num_channels)); in TEST()
[all …]
Drender_delay_controller_unittest.cc63 for (auto rate : {16000, 32000, 48000}) { in TEST()
64 SCOPED_TRACE(ProduceDebugText(rate)); in TEST()
66 RenderDelayBuffer::Create(config, rate, num_render_channels)); in TEST()
68 RenderDelayController::Create(config, rate, in TEST()
98 for (auto rate : {16000, 32000, 48000}) { in TEST()
99 Block render_block(NumBandsForRate(rate), num_render_channels); in TEST()
101 RenderDelayBuffer::Create(config, rate, num_render_channels)); in TEST()
103 RenderDelayController::Create(EchoCanceller3Config(), rate, in TEST()
139 for (auto rate : {16000, 32000, 48000}) { in TEST()
140 Block render_block(NumBandsForRate(rate), num_render_channels); in TEST()
[all …]
Dframe_blocker_unittest.cc274 for (auto rate : {16000, 32000, 48000}) { in TEST()
276 SCOPED_TRACE(ProduceDebugText(rate, correct_num_channels)); in TEST()
277 const size_t correct_num_bands = NumBandsForRate(rate); in TEST()
280 rate, correct_num_channels, wrong_num_bands, correct_num_channels, in TEST()
288 for (auto rate : {16000, 32000, 48000}) { in TEST()
290 SCOPED_TRACE(ProduceDebugText(rate, correct_num_channels)); in TEST()
291 const size_t correct_num_bands = NumBandsForRate(rate); in TEST()
294 rate, correct_num_channels, correct_num_bands, wrong_num_channels, in TEST()
302 for (auto rate : {16000, 32000, 48000}) { in TEST()
304 SCOPED_TRACE(ProduceDebugText(rate, correct_num_channels)); in TEST()
[all …]
Decho_remover_unittest.cc57 for (auto rate : {16000, 32000, 48000}) { in TEST_P()
58 SCOPED_TRACE(ProduceDebugText(rate)); in TEST_P()
60 EchoRemover::Create(EchoCanceller3Config(), rate, num_render_channels, in TEST_P()
63 EchoCanceller3Config(), rate, num_render_channels)); in TEST_P()
65 Block render(NumBandsForRate(rate), num_render_channels); in TEST_P()
66 Block capture(NumBandsForRate(rate), num_capture_channels); in TEST_P()
99 for (auto rate : {16000, 32000, 48000}) { in TEST()
100 SCOPED_TRACE(ProduceDebugText(rate)); in TEST()
102 EchoRemover::Create(EchoCanceller3Config(), rate, 1, 1)); in TEST()
104 RenderDelayBuffer::Create(EchoCanceller3Config(), rate, 1)); in TEST()
[all …]
Drender_delay_buffer_unittest.cc39 for (auto rate : {16000, 32000, 48000}) { in TEST()
40 SCOPED_TRACE(ProduceDebugText(rate)); in TEST()
42 RenderDelayBuffer::Create(config, rate, num_channels)); in TEST()
43 Block block_to_insert(NumBandsForRate(rate), num_channels); in TEST()
103 for (auto rate : {16000, 32000, 48000}) { in TEST()
105 SCOPED_TRACE(ProduceDebugText(rate)); in TEST()
107 EchoCanceller3Config(), rate, num_channels)); in TEST()
109 NumBandsForRate(rate < 48000 ? rate + 16000 : 16000), num_channels); in TEST()
117 for (auto rate : {16000, 32000, 48000}) { in TEST()
119 SCOPED_TRACE(ProduceDebugText(rate)); in TEST()
[all …]
Dblock_processor_unittest.cc127 for (auto rate : {16000, 32000, 48000}) { in TEST()
128 SCOPED_TRACE(ProduceDebugText(rate)); in TEST()
131 new StrictMock<webrtc::test::MockRenderDelayBuffer>(rate, 1)); in TEST()
142 EchoCanceller3Config(), rate, kNumRenderChannels, kNumCaptureChannels, in TEST()
145 Block render_block(NumBandsForRate(rate), kNumRenderChannels); in TEST()
146 Block capture_block(NumBandsForRate(rate), kNumCaptureChannels); in TEST()
166 for (auto rate : {16000, 32000, 48000}) { in TEST()
167 SCOPED_TRACE(ProduceDebugText(rate)); in TEST()
170 new StrictMock<webrtc::test::MockRenderDelayBuffer>(rate, 1)); in TEST()
195 EchoCanceller3Config(), rate, kNumRenderChannels, kNumCaptureChannels, in TEST()
[all …]
/external/autotest/client/cros/audio/
Daudio_quality_measurement.py186 def noised_sine_wave(frequency, rate, noise_level): argument
197 for index in range(0, rate * 2):
198 sample = 2.0 * math.pi * frequency * float(index) / float(rate)
226 def noise_level(amplitude, frequency, rate, teager_value_of_input): argument
250 standard_wave = noised_sine_wave(frequency, rate, standard_noise)
270 def hilbert_analysis(signal, rate, block_size): argument
311 frequency = numpy.diff(phase) / (2.0 * numpy.pi) * rate
415 rate, noise_amplitude_threshold): argument
439 same_event_samples = rate * DEFAULT_SAME_EVENT_SECS
449 if ((start_index - rate * NEAR_SINE_START_OR_END_SECS) <= index and
[all …]
Daudio_quality_measurement_unittest.py28 rate = 48000
35 for index in range(0, rate * length_in_secs):
36 phase = 2.0 * math.pi * frequency * float(index) / float(rate)
50 rate,
71 self.rate = 48000
75 self.samples = length_in_secs * self.rate
78 phase = 2.0 * math.pi * self.freq * float(index) / float(self.rate)
97 start_index = int(self.delay_start_time[i] * self.rate)
98 end_index = int(self.delay_end_time[i] * self.rate)
106 end_index = int(silence_before_playback_end_time * self.rate)
[all …]
Dsox_utils.py13 def _raw_format_args(channels, bits, rate): argument
24 args += _format_args(channels, bits, rate)
28 def _format_args(channels, bits, rate): argument
38 return ['-c', str(channels), '-b', str(bits), '-r', str(rate)]
42 filename, channels=2, bits=16, rate=48000, duration=None, frequencies=440,
62 args += _raw_format_args(channels, bits, rate)
64 args += _format_args(channels, bits, rate)
85 def noise_profile_cmd(input, output, channels=1, bits=16, rate=48000): argument
95 args += _raw_format_args(channels, bits, rate)
106 input, output, noise_profile, channels=1, bits=16, rate=48000): argument
[all …]
/external/swiftshader/third_party/llvm-10.0/llvm/lib/Target/PowerPC/
DPPCScheduleE5500.td74 [30, 2, 2], // Latency= 4..26, Repeat rate= 4..26
80 [20, 2, 2], // Latency= 4..16, Repeat rate= 4..16
85 [11], // Latency = 7, Repeat rate = 1
89 [11, 2, 2], // Latency = 7, Repeat rate = 7
94 [9, 2, 2], // Latency = 4..7, Repeat rate = 2..4
100 [8, 2, 2], // Latency = 4, Repeat rate = 1
106 [8, 2, 2], // Latency = 4, Repeat rate = 1
122 [6, 2, 2], // Latency = 2, Repeat rate = 2
127 [5, 2, 2], // Latency = 1, Repeat rate = 1
132 [6, 2, 2], // Latency = 2, Repeat rate = 2
[all …]
/external/llvm/lib/Target/PowerPC/
DPPCScheduleE5500.td75 [30, 2, 2], // Latency= 4..26, Repeat rate= 4..26
81 [20, 2, 2], // Latency= 4..16, Repeat rate= 4..16
86 [11], // Latency = 7, Repeat rate = 1
90 [11, 2, 2], // Latency = 7, Repeat rate = 7
95 [9, 2, 2], // Latency = 4..7, Repeat rate = 2..4
101 [8, 2, 2], // Latency = 4, Repeat rate = 1
107 [8, 2, 2], // Latency = 4, Repeat rate = 1
123 [6, 2, 2], // Latency = 2, Repeat rate = 2
128 [5, 2, 2], // Latency = 1, Repeat rate = 1
133 [6, 2, 2], // Latency = 2, Repeat rate = 2
[all …]
/external/tensorflow/tensorflow/python/ops/distributions/
Dgamma.py134 rate, argument
162 with ops.name_scope(name, values=[concentration, rate]) as name:
165 check_ops.assert_positive(rate),
169 self._rate = array_ops.identity(rate, name="rate")
194 def rate(self): member in Gamma
201 array_ops.shape(self.rate))
206 self.rate.get_shape())
221 beta=self.rate,
232 return math_ops.igamma(self.concentration, self.rate * x)
236 return math_ops.xlogy(self.concentration - 1., x) - self.rate * x
[all …]
/external/python/cpython2/Lib/test/
Dtest_ossaudiodev.py29 rate = au.getframerate()
40 return (data, rate, 16, nchannels)
44 def play_sound_file(self, data, rate, ssize, nchannels): argument
75 expected_time = float(len(data)) / (ssize//8) / nchannels / rate
78 dsp.setparameters(AFMT_S16_NE, nchannels, rate)
101 (fmt, channels, rate) = config
104 dsp.speed(rate) == rate):
112 result = dsp.setparameters(fmt, channels, rate, False)
113 self.assertEqual(result, (fmt, channels, rate),
116 result = dsp.setparameters(fmt, channels, rate, True)
[all …]
/external/libaom/av1/encoder/
Drd.h111 rd_stats->rate = 0; in av1_init_rd_stats()
130 rd_stats->rate = INT_MAX; in av1_invalid_rd_stats()
147 if (rd_stats_dst->rate == INT_MAX || rd_stats_src->rate == INT_MAX) { in av1_merge_rd_stats()
153 rd_stats_dst->rate = (int)AOMMIN( in av1_merge_rd_stats()
154 ((int64_t)rd_stats_dst->rate + (int64_t)rd_stats_src->rate), INT_MAX); in av1_merge_rd_stats()
172 int rate, int skip_txfm, int64_t sse, in av1_accumulate_rd_stats() argument
174 assert(rd_stats->rate != INT_MAX && rate != INT_MAX); in av1_accumulate_rd_stats()
175 rd_stats->rate += rate; in av1_accumulate_rd_stats()
182 static INLINE int64_t av1_calculate_rd_cost(int mult, int rate, int64_t dist) { in av1_calculate_rd_cost() argument
184 if (rate >= 0) { in av1_calculate_rd_cost()
[all …]
/external/libgav1/src/utils/
Dentropy_decoder.cc84 const int rate = (count >> 4) + 4 + static_cast<int>(symbol_count > 3); in UpdateCdf() local
110 cdf[i] += (kCdfMaxProbability - cdf[i]) >> rate; in UpdateCdf()
112 cdf[i] -= cdf[i] >> rate; in UpdateCdf()
175 const int rate = (count >> 4) + 5; in UpdateCdf5() local
186 const int16x4_t negative_rate = vdup_n_s16(-rate); in UpdateCdf5()
203 const int rate = (count >> 4) + 5; in UpdateCdf7To9() local
212 const int16x8_t negative_rate = vdupq_n_s16(-rate); in UpdateCdf7To9()
237 const int rate = (count >> 4) + 5; in UpdateCdf11() local
239 cdf[0] += (kCdfMaxProbability - cdf[0]) >> rate; in UpdateCdf11()
240 cdf[1] += (kCdfMaxProbability - cdf[1]) >> rate; in UpdateCdf11()
[all …]
/external/iproute2/misc/
Drtacct.c70 double rate[256*4]; member
133 static void format_rate(FILE *fp, double rate) in format_rate() argument
137 if (rate > 1024*1024) { in format_rate()
138 sprintf(temp, "%uM", (unsigned int)rint(rate/(1024*1024))); in format_rate()
140 } else if (rate > 1024) { in format_rate()
141 sprintf(temp, "%uK", (unsigned int)rint(rate/1024)); in format_rate()
144 fprintf(fp, " %-10u", (unsigned int)rate); in format_rate()
180 double *rate; in dump_abs_db() local
186 rate = &kern_db->rate[realm*4]; in dump_abs_db()
189 !val[0] && !rate[0] && in dump_abs_db()
[all …]
/external/python/cpython3/Lib/test/
Dtest_ossaudiodev.py30 rate = au.getframerate()
41 return (data, rate, 16, nchannels)
45 def play_sound_file(self, data, rate, ssize, nchannels): argument
76 expected_time = float(len(data)) / (ssize/8) / nchannels / rate
79 dsp.setparameters(AFMT_S16_NE, nchannels, rate)
103 (fmt, channels, rate) = config
106 dsp.speed(rate) == rate):
114 result = dsp.setparameters(fmt, channels, rate, False)
115 self.assertEqual(result, (fmt, channels, rate),
118 result = dsp.setparameters(fmt, channels, rate, True)
[all …]
/external/arm-trusted-firmware/fdts/
Dstm32mp15-pinctrl.dtsi26 slew-rate = <1>;
40 slew-rate = <0>;
49 slew-rate = <3>;
61 slew-rate = <1>;
67 slew-rate = <1>;
79 slew-rate = <1>;
85 slew-rate = <1>;
96 slew-rate = <1>;
102 slew-rate = <2>;
113 slew-rate = <1>;
[all …]
/external/autotest/client/site_tests/audio_CRASFormatConversion/
Daudio_CRASFormatConversion.py28 def play_sine_tone(self, frequency, rate): argument
36 filename='-', rate=rate, frequencies=frequency, gain=-6),
41 rate=rate)
90 cras_utils.capture(record_file, duration=1, rate=44100)
99 record_file, reduced_file.name, noise_profile, rate=44100)
101 sox_stat = sox_utils.get_stat(reduced_file.name, rate=44100)
132 for rate in test_sample_rates:
133 cras_utils.capture(record_file.name, duration=1, rate=rate)

12345678910>>...44