Python numpy.packbits() Examples
The following are 30 code examples for showing how to use numpy.packbits(). These examples are extracted from open source projects. You can vote up the ones you like or vote down the ones you don't like, and go to the original project or source file by following the links above each example.
You may check out the related API usage on the sidebar.
You may also want to check out all available functions/classes of the module
numpy
, or try the search function
.
Example 1
Project: recruit Author: Frank-qlu File: test_packbits.py License: Apache License 2.0 | 6 votes |
def test_packbits_empty_with_axis(): # Original shapes and lists of packed shapes for different axes. shapes = [ ((0,), [(0,)]), ((10, 20, 0), [(2, 20, 0), (10, 3, 0), (10, 20, 0)]), ((10, 0, 20), [(2, 0, 20), (10, 0, 20), (10, 0, 3)]), ((0, 10, 20), [(0, 10, 20), (0, 2, 20), (0, 10, 3)]), ((20, 0, 0), [(3, 0, 0), (20, 0, 0), (20, 0, 0)]), ((0, 20, 0), [(0, 20, 0), (0, 3, 0), (0, 20, 0)]), ((0, 0, 20), [(0, 0, 20), (0, 0, 20), (0, 0, 3)]), ((0, 0, 0), [(0, 0, 0), (0, 0, 0), (0, 0, 0)]), ] for dt in '?bBhHiIlLqQ': for in_shape, out_shapes in shapes: for ax, out_shape in enumerate(out_shapes): a = np.empty(in_shape, dtype=dt) b = np.packbits(a, axis=ax) assert_equal(b.dtype, np.uint8) assert_equal(b.shape, out_shape)
Example 2
Project: lambda-packs Author: ryfeus File: test_packbits.py License: MIT License | 6 votes |
def test_packbits_empty_with_axis(): # Original shapes and lists of packed shapes for different axes. shapes = [ ((0,), [(0,)]), ((10, 20, 0), [(2, 20, 0), (10, 3, 0), (10, 20, 0)]), ((10, 0, 20), [(2, 0, 20), (10, 0, 20), (10, 0, 3)]), ((0, 10, 20), [(0, 10, 20), (0, 2, 20), (0, 10, 3)]), ((20, 0, 0), [(3, 0, 0), (20, 0, 0), (20, 0, 0)]), ((0, 20, 0), [(0, 20, 0), (0, 3, 0), (0, 20, 0)]), ((0, 0, 20), [(0, 0, 20), (0, 0, 20), (0, 0, 3)]), ((0, 0, 0), [(0, 0, 0), (0, 0, 0), (0, 0, 0)]), ] for dt in '?bBhHiIlLqQ': for in_shape, out_shapes in shapes: for ax, out_shape in enumerate(out_shapes): a = np.empty(in_shape, dtype=dt) b = np.packbits(a, axis=ax) assert_equal(b.dtype, np.uint8) assert_equal(b.shape, out_shape)
Example 3
Project: inky-phat Author: pimoroni File: inky212x104.py License: MIT License | 6 votes |
def update(self): if self.inky_colour is None: raise RuntimeError("You must specify which colour of Inky pHAT you're using: inkyphat.set_colour('red', 'black' or 'yellow')") self._display_init() x1, x2 = self.update_x1, self.update_x2 y1, y2 = self.update_y1, self.update_y2 region = self.buffer[y1:y2, x1:x2] if self.v_flip: region = numpy.fliplr(region) if self.h_flip: region = numpy.flipud(region) buf_red = numpy.packbits(numpy.where(region == RED, 1, 0)).tolist() if self.inky_version == 1: buf_black = numpy.packbits(numpy.where(region == 0, 0, 1)).tolist() else: buf_black = numpy.packbits(numpy.where(region == BLACK, 0, 1)).tolist() self._display_update(buf_black, buf_red) self._display_fini()
Example 4
Project: vnpy_crypto Author: birforce File: test_packbits.py License: MIT License | 6 votes |
def test_packbits_empty_with_axis(): # Original shapes and lists of packed shapes for different axes. shapes = [ ((0,), [(0,)]), ((10, 20, 0), [(2, 20, 0), (10, 3, 0), (10, 20, 0)]), ((10, 0, 20), [(2, 0, 20), (10, 0, 20), (10, 0, 3)]), ((0, 10, 20), [(0, 10, 20), (0, 2, 20), (0, 10, 3)]), ((20, 0, 0), [(3, 0, 0), (20, 0, 0), (20, 0, 0)]), ((0, 20, 0), [(0, 20, 0), (0, 3, 0), (0, 20, 0)]), ((0, 0, 20), [(0, 0, 20), (0, 0, 20), (0, 0, 3)]), ((0, 0, 0), [(0, 0, 0), (0, 0, 0), (0, 0, 0)]), ] for dt in '?bBhHiIlLqQ': for in_shape, out_shapes in shapes: for ax, out_shape in enumerate(out_shapes): a = np.empty(in_shape, dtype=dt) b = np.packbits(a, axis=ax) assert_equal(b.dtype, np.uint8) assert_equal(b.shape, out_shape)
Example 5
Project: Mastering-Elasticsearch-7.0 Author: PacktPublishing File: test_packbits.py License: MIT License | 6 votes |
def test_packbits_empty_with_axis(): # Original shapes and lists of packed shapes for different axes. shapes = [ ((0,), [(0,)]), ((10, 20, 0), [(2, 20, 0), (10, 3, 0), (10, 20, 0)]), ((10, 0, 20), [(2, 0, 20), (10, 0, 20), (10, 0, 3)]), ((0, 10, 20), [(0, 10, 20), (0, 2, 20), (0, 10, 3)]), ((20, 0, 0), [(3, 0, 0), (20, 0, 0), (20, 0, 0)]), ((0, 20, 0), [(0, 20, 0), (0, 3, 0), (0, 20, 0)]), ((0, 0, 20), [(0, 0, 20), (0, 0, 20), (0, 0, 3)]), ((0, 0, 0), [(0, 0, 0), (0, 0, 0), (0, 0, 0)]), ] for dt in '?bBhHiIlLqQ': for in_shape, out_shapes in shapes: for ax, out_shape in enumerate(out_shapes): a = np.empty(in_shape, dtype=dt) b = np.packbits(a, axis=ax) assert_equal(b.dtype, np.uint8) assert_equal(b.shape, out_shape)
Example 6
Project: Steganography Author: ragibson File: bit_manipulation.py License: MIT License | 6 votes |
def lsb_deinterleave_bytes(carrier, num_bits, num_lsb, byte_depth=1): """ Deinterleave num_bits bits from the num_lsb LSBs of carrier. :param carrier: carrier bytes :param num_bits: number of num_bits to retrieve :param num_lsb: number of least significant bits to use :param byte_depth: byte depth of carrier values :return: The deinterleaved bytes """ plen = roundup(num_bits / num_lsb) carrier_dtype = byte_depth_to_dtype[byte_depth] payload_bits = np.unpackbits( np.frombuffer(carrier, dtype=carrier_dtype, count=plen).view(np.uint8) ).reshape(plen, 8 * byte_depth)[:, 8 * byte_depth - num_lsb: 8 * byte_depth] return np.packbits(payload_bits).tobytes()[: num_bits // 8]
Example 7
Project: Amulet-Core Author: Amulet-Team File: world_utils.py License: MIT License | 6 votes |
def decode_long_array( long_array: numpy.ndarray, size: int, dense=True ) -> numpy.ndarray: """ Decode an long array (from BlockStates or Heightmaps) :param long_array: Encoded long array :param size: int: The expected size of the returned array :return: Decoded array as numpy array """ long_array = long_array.astype(">q") bits_per_entry = (len(long_array) * 64) // size bits = numpy.unpackbits(long_array[::-1].astype(">i8").view("uint8")) if not dense: entry_per_long = 64 // bits_per_entry bits = bits.reshape(-1, 64)[:, -entry_per_long * bits_per_entry :] return numpy.packbits( numpy.pad( bits.reshape(-1, bits_per_entry)[-size:, :], [(0, 0), (16 - bits_per_entry, 0)], "constant", ) ).view(dtype=">h")[::-1]
Example 8
Project: GraphicDesignPatternByPython Author: Relph1119 File: test_packbits.py License: MIT License | 6 votes |
def test_packbits_empty_with_axis(): # Original shapes and lists of packed shapes for different axes. shapes = [ ((0,), [(0,)]), ((10, 20, 0), [(2, 20, 0), (10, 3, 0), (10, 20, 0)]), ((10, 0, 20), [(2, 0, 20), (10, 0, 20), (10, 0, 3)]), ((0, 10, 20), [(0, 10, 20), (0, 2, 20), (0, 10, 3)]), ((20, 0, 0), [(3, 0, 0), (20, 0, 0), (20, 0, 0)]), ((0, 20, 0), [(0, 20, 0), (0, 3, 0), (0, 20, 0)]), ((0, 0, 20), [(0, 0, 20), (0, 0, 20), (0, 0, 3)]), ((0, 0, 0), [(0, 0, 0), (0, 0, 0), (0, 0, 0)]), ] for dt in '?bBhHiIlLqQ': for in_shape, out_shapes in shapes: for ax, out_shape in enumerate(out_shapes): a = np.empty(in_shape, dtype=dt) b = np.packbits(a, axis=ax) assert_equal(b.dtype, np.uint8) assert_equal(b.shape, out_shape)
Example 9
Project: IkaLog Author: hasegaw File: reference.py License: Apache License 2.0 | 6 votes |
def decode(self, img): """ Decode the image from internal image format. """ assert len(img.shape) == 1 assert img.shape[0] >= (self._h * self._w / 8) assert img.shape[0] % self._align == 0 img_8b_1d = np.unpackbits(img) * 255 # to 8bit gray scale. img_8b_1d_trimmed = img_8b_1d[0: (self._h * self._w)] img_8b_2d = np.reshape(img_8b_1d_trimmed, (self._h, self._w)) return img_8b_2d # def convert(self, img): # return np.packbits(img)
Example 10
Project: inky Author: pimoroni File: inky.py License: MIT License | 6 votes |
def show(self, busy_wait=True): """Show buffer on display. :param bool busy_wait: If True, wait for display update to finish before returning, default: `True`. """ region = self.buf if self.v_flip: region = numpy.fliplr(region) if self.h_flip: region = numpy.flipud(region) if self.rotation: region = numpy.rot90(region, self.rotation // 90) buf_a = numpy.packbits(numpy.where(region == BLACK, 0, 1)).tolist() buf_b = numpy.packbits(numpy.where(region == RED, 1, 0)).tolist() self._update(buf_a, buf_b, busy_wait=busy_wait)
Example 11
Project: predictive-maintenance-using-machine-learning Author: awslabs File: test_packbits.py License: Apache License 2.0 | 6 votes |
def test_packbits_empty_with_axis(): # Original shapes and lists of packed shapes for different axes. shapes = [ ((0,), [(0,)]), ((10, 20, 0), [(2, 20, 0), (10, 3, 0), (10, 20, 0)]), ((10, 0, 20), [(2, 0, 20), (10, 0, 20), (10, 0, 3)]), ((0, 10, 20), [(0, 10, 20), (0, 2, 20), (0, 10, 3)]), ((20, 0, 0), [(3, 0, 0), (20, 0, 0), (20, 0, 0)]), ((0, 20, 0), [(0, 20, 0), (0, 3, 0), (0, 20, 0)]), ((0, 0, 20), [(0, 0, 20), (0, 0, 20), (0, 0, 3)]), ((0, 0, 0), [(0, 0, 0), (0, 0, 0), (0, 0, 0)]), ] for dt in '?bBhHiIlLqQ': for in_shape, out_shapes in shapes: for ax, out_shape in enumerate(out_shapes): a = np.empty(in_shape, dtype=dt) b = np.packbits(a, axis=ax) assert_equal(b.dtype, np.uint8) assert_equal(b.shape, out_shape)
Example 12
Project: pySINDy Author: luckystarufo File: test_packbits.py License: MIT License | 6 votes |
def test_packbits_empty_with_axis(): # Original shapes and lists of packed shapes for different axes. shapes = [ ((0,), [(0,)]), ((10, 20, 0), [(2, 20, 0), (10, 3, 0), (10, 20, 0)]), ((10, 0, 20), [(2, 0, 20), (10, 0, 20), (10, 0, 3)]), ((0, 10, 20), [(0, 10, 20), (0, 2, 20), (0, 10, 3)]), ((20, 0, 0), [(3, 0, 0), (20, 0, 0), (20, 0, 0)]), ((0, 20, 0), [(0, 20, 0), (0, 3, 0), (0, 20, 0)]), ((0, 0, 20), [(0, 0, 20), (0, 0, 20), (0, 0, 3)]), ((0, 0, 0), [(0, 0, 0), (0, 0, 0), (0, 0, 0)]), ] for dt in '?bBhHiIlLqQ': for in_shape, out_shapes in shapes: for ax, out_shape in enumerate(out_shapes): a = np.empty(in_shape, dtype=dt) b = np.packbits(a, axis=ax) assert_equal(b.dtype, np.uint8) assert_equal(b.shape, out_shape)
Example 13
Project: plumo Author: aaalgo File: adsb3.py License: BSD 3-Clause "New" or "Revised" License | 6 votes |
def save_mask (path, mask): shape = np.array(list(mask.shape), dtype=np.uint32) total = mask.size totalx = (total +7 )/ 8 * 8 if totalx == total: padded = mask else: padded = np.zeros((totalx,), dtype=np.uint8) padded[:total] = np.reshape(mask, (total,)) pass padded = np.reshape(padded, (totalx/8, 8)) print padded.shape packed = np.packbits(padded) print packed.shape np.savez_compressed(path, shape, packed) pass
Example 14
Project: plumo Author: aaalgo File: adsb3.py License: BSD 3-Clause "New" or "Revised" License | 6 votes |
def save_mask (path, mask): shape = np.array(list(mask.shape), dtype=np.uint32) total = mask.size totalx = (total +7 )// 8 * 8 if totalx == total: padded = mask else: padded = np.zeros((totalx,), dtype=np.uint8) padded[:total] = np.reshape(mask, (total,)) pass padded = np.reshape(padded, (totalx//8, 8)) #print padded.shape packed = np.packbits(padded) #print packed.shape np.savez_compressed(path, shape, packed) pass
Example 15
Project: mxnet-lambda Author: awslabs File: test_packbits.py License: Apache License 2.0 | 6 votes |
def test_packbits_empty_with_axis(): # Original shapes and lists of packed shapes for different axes. shapes = [ ((0,), [(0,)]), ((10, 20, 0), [(2, 20, 0), (10, 3, 0), (10, 20, 0)]), ((10, 0, 20), [(2, 0, 20), (10, 0, 20), (10, 0, 3)]), ((0, 10, 20), [(0, 10, 20), (0, 2, 20), (0, 10, 3)]), ((20, 0, 0), [(3, 0, 0), (20, 0, 0), (20, 0, 0)]), ((0, 20, 0), [(0, 20, 0), (0, 3, 0), (0, 20, 0)]), ((0, 0, 20), [(0, 0, 20), (0, 0, 20), (0, 0, 3)]), ((0, 0, 0), [(0, 0, 0), (0, 0, 0), (0, 0, 0)]), ] for dt in '?bBhHiIlLqQ': for in_shape, out_shapes in shapes: for ax, out_shape in enumerate(out_shapes): a = np.empty(in_shape, dtype=dt) b = np.packbits(a, axis=ax) assert_equal(b.dtype, np.uint8) assert_equal(b.shape, out_shape)
Example 16
Project: DOTA_models Author: ringringyi File: gen_synthetic_single.py License: Apache License 2.0 | 5 votes |
def GenerateSample(filename, code_shape, layer_depth): # {0, +1} binary codes. # No conversion since the output file is expected to store # codes using {0, +1} codes (and not {-1, +1}). code = synthetic_model.GenerateSingleCode(code_shape) code = np.round(code) # Reformat the code so as to be compatible with what is generated # by the image encoder. # The image encoder generates a tensor of size: # iteration_count x batch_size x height x width x iteration_depth. # Here: batch_size = 1 if code_shape[-1] % layer_depth != 0: raise ValueError('Number of layers is not an integer') height = code_shape[0] width = code_shape[1] code = code.reshape([1, height, width, -1, layer_depth]) code = np.transpose(code, [3, 0, 1, 2, 4]) int_codes = code.astype(np.int8) exported_codes = np.packbits(int_codes.reshape(-1)) output = io.BytesIO() np.savez_compressed(output, shape=int_codes.shape, codes=exported_codes) with tf.gfile.FastGFile(filename, 'wb') as code_file: code_file.write(output.getvalue())
Example 17
Project: baseband Author: mhvk File: test_base.py License: GNU General Public License v3.0 | 5 votes |
def encode_1bit(values): return np.packbits(values.ravel())
Example 18
Project: baseband Author: mhvk File: payload.py License: GNU General Public License v3.0 | 5 votes |
def encode_1bit(values): """Encodes values using 1 bit per sample, packing the result into bytes.""" bitvalues = encode_1bit_base(values.reshape(-1, 8)) return np.packbits(bitvalues[:, ::-1])
Example 19
Project: baseband Author: mhvk File: payload.py License: GNU General Public License v3.0 | 5 votes |
def encode_1bit(values): """Encodes values using 1 bit per sample, packing the result into bytes.""" bitvalues = np.signbit(values.reshape(-1, 8)).view(np.uint8) return np.packbits(bitvalues[:, ::-1])
Example 20
Project: baseband Author: mhvk File: test_vlbi_base.py License: GNU General Public License v3.0 | 5 votes |
def encode_1bit(values): return np.packbits(values.ravel())
Example 21
Project: baseband Author: mhvk File: payload.py License: GNU General Public License v3.0 | 5 votes |
def __init__(self, words, header=None, *, sample_shape=(1,), bps=2, fanout=1, magnitude_bit=None, complex_data=False): if header is not None: magnitude_bit = header['magnitude_bit'] bps = 2 if magnitude_bit.any() else 1 ta = header.track_assignment if bps == 1 or np.all(magnitude_bit[ta] == [False, True]): magnitude_bit = None else: magnitude_bit = (np.packbits(magnitude_bit) .view(header.stream_dtype).item()) ntrack = header.ntrack fanout = header.fanout sample_shape = (ntrack // (bps * fanout),) self._nbytes = header.payload_nbytes else: ntrack = sample_shape[0] * bps * fanout magnitude_bit = None self._dtype_word = MARK4_DTYPES[ntrack] self.fanout = fanout super().__init__(words, sample_shape=sample_shape, bps=bps, complex_data=complex_data) self._coder = (self.sample_shape.nchan, (self.bps if magnitude_bit is None else magnitude_bit), self.fanout)
Example 22
Project: arctic Author: man-group File: tickstore.py License: GNU Lesser General Public License v2.1 | 5 votes |
def _pandas_to_bucket(df, symbol, initial_image): rtn = {SYMBOL: symbol, VERSION: CHUNK_VERSION_NUMBER, COLUMNS: {}, COUNT: len(df)} end = to_dt(df.index[-1].to_pydatetime()) if initial_image: if 'index' in initial_image: start = min(to_dt(df.index[0].to_pydatetime()), initial_image['index']) else: start = to_dt(df.index[0].to_pydatetime()) image_start = initial_image.get('index', start) rtn[IMAGE_DOC] = {IMAGE_TIME: image_start, IMAGE: initial_image} final_image = TickStore._pandas_compute_final_image(df, initial_image, end) else: start = to_dt(df.index[0].to_pydatetime()) final_image = {} rtn[END] = end rtn[START] = start logger.warning("NB treating all values as 'exists' - no longer sparse") rowmask = Binary(lz4_compressHC(np.packbits(np.ones(len(df), dtype='uint8')).tostring())) index_name = df.index.names[0] or "index" if PD_VER < '0.23.0': recs = df.to_records(convert_datetime64=False) else: recs = df.to_records() for col in df: array = TickStore._ensure_supported_dtypes(recs[col]) col_data = { DATA: Binary(lz4_compressHC(array.tostring())), ROWMASK: rowmask, DTYPE: TickStore._str_dtype(array.dtype), } rtn[COLUMNS][col] = col_data rtn[INDEX] = Binary( lz4_compressHC(np.concatenate( ([recs[index_name][0].astype('datetime64[ms]').view('uint64')], np.diff( recs[index_name].astype('datetime64[ms]').view('uint64')))).tostring())) return rtn, final_image
Example 23
Project: recruit Author: Frank-qlu File: test_packbits.py License: Apache License 2.0 | 5 votes |
def test_packbits(): # Copied from the docstring. a = [[[1, 0, 1], [0, 1, 0]], [[1, 1, 0], [0, 0, 1]]] for dt in '?bBhHiIlLqQ': arr = np.array(a, dtype=dt) b = np.packbits(arr, axis=-1) assert_equal(b.dtype, np.uint8) assert_array_equal(b, np.array([[[160], [64]], [[192], [32]]])) assert_raises(TypeError, np.packbits, np.array(a, dtype=float))
Example 24
Project: recruit Author: Frank-qlu File: test_packbits.py License: Apache License 2.0 | 5 votes |
def test_packbits_empty(): shapes = [ (0,), (10, 20, 0), (10, 0, 20), (0, 10, 20), (20, 0, 0), (0, 20, 0), (0, 0, 20), (0, 0, 0), ] for dt in '?bBhHiIlLqQ': for shape in shapes: a = np.empty(shape, dtype=dt) b = np.packbits(a) assert_equal(b.dtype, np.uint8) assert_equal(b.shape, (0,))
Example 25
Project: recruit Author: Frank-qlu File: test_packbits.py License: Apache License 2.0 | 5 votes |
def test_packbits_very_large(): # test some with a larger arrays gh-8637 # code is covered earlier but larger array makes crash on bug more likely for s in range(950, 1050): for dt in '?bBhHiIlLqQ': x = np.ones((200, s), dtype=bool) np.packbits(x, axis=1)
Example 26
Project: recruit Author: Frank-qlu File: test_packbits.py License: Apache License 2.0 | 5 votes |
def test_unpackbits_large(): # test all possible numbers via comparison to already tested packbits d = np.arange(277, dtype=np.uint8) assert_array_equal(np.packbits(np.unpackbits(d)), d) assert_array_equal(np.packbits(np.unpackbits(d[::2])), d[::2]) d = np.tile(d, (3, 1)) assert_array_equal(np.packbits(np.unpackbits(d, axis=1), axis=1), d) d = d.T.copy() assert_array_equal(np.packbits(np.unpackbits(d, axis=0), axis=0), d)
Example 27
Project: hdidx Author: hdidx File: sh.py License: MIT License | 5 votes |
def compactbit(b): nSamples, nbits = b.shape nwords = (nbits + 7) / 8 B = np.hstack([np.packbits(b[:, i*8:(i+1)*8][:, ::-1], 1) for i in xrange(nwords)]) residue = nbits % 8 if residue != 0: B[:, -1] = np.right_shift(B[:, -1], 8 - residue) return B
Example 28
Project: 12306 Author: testerSunshine File: pretreatment.py License: MIT License | 5 votes |
def avhash(im): im = cv2.resize(im, (8, 8), interpolation=cv2.INTER_CUBIC) avg = im.mean() im = im > avg im = np.packbits(im) return im
Example 29
Project: 12306 Author: testerSunshine File: pretreatment.py License: MIT License | 5 votes |
def phash(im): im = cv2.resize(im, (32, 32), interpolation=cv2.INTER_CUBIC) im = scipy.fftpack.dct(scipy.fftpack.dct(im, axis=0), axis=1) im = im[:8, :8] med = np.median(im) im = im > med im = np.packbits(im) return im
Example 30
Project: numcodecs Author: zarr-developers File: packbits.py License: MIT License | 5 votes |
def encode(self, buf): # normalise input arr = ensure_ndarray(buf).view(bool) # flatten to simplify implementation arr = arr.reshape(-1, order='A') # determine size of packed data n = arr.size n_bytes_packed = (n // 8) n_bits_leftover = n % 8 if n_bits_leftover > 0: n_bytes_packed += 1 # setup output enc = np.empty(n_bytes_packed + 1, dtype='u1') # store how many bits were padded if n_bits_leftover: n_bits_padded = 8 - n_bits_leftover else: n_bits_padded = 0 enc[0] = n_bits_padded # apply encoding enc[1:] = np.packbits(arr) return enc