Python numpy.copyto() Examples
The following are 30
code examples of numpy.copyto().
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 also want to check out all available functions/classes of the module
numpy
, or try the search function
.
Example #1
Source File: utils.py From dynamic-training-with-apache-mxnet-on-aws with Apache License 2.0 | 6 votes |
def save_image(data, epoch, image_size, batch_size, output_dir, padding=2): """ save image """ data = data.asnumpy().transpose((0, 2, 3, 1)) datanp = np.clip( (data - np.min(data))*(255.0/(np.max(data) - np.min(data))), 0, 255).astype(np.uint8) x_dim = min(8, batch_size) y_dim = int(math.ceil(float(batch_size) / x_dim)) height, width = int(image_size + padding), int(image_size + padding) grid = np.zeros((height * y_dim + 1 + padding // 2, width * x_dim + 1 + padding // 2, 3), dtype=np.uint8) k = 0 for y in range(y_dim): for x in range(x_dim): if k >= batch_size: break start_y = y * height + 1 + padding // 2 end_y = start_y + height - padding start_x = x * width + 1 + padding // 2 end_x = start_x + width - padding np.copyto(grid[start_y:end_y, start_x:end_x, :], datanp[k]) k += 1 imageio.imwrite( '{}/fake_samples_epoch_{}.png'.format(output_dir, epoch), grid)
Example #2
Source File: visualization_utils.py From object_detector_app with MIT License | 6 votes |
def draw_keypoints_on_image_array(image, keypoints, color='red', radius=2, use_normalized_coordinates=True): """Draws keypoints on an image (numpy array). Args: image: a numpy array with shape [height, width, 3]. keypoints: a numpy array with shape [num_keypoints, 2]. color: color to draw the keypoints with. Default is red. radius: keypoint radius. Default value is 2. use_normalized_coordinates: if True (default), treat keypoint values as relative to the image. Otherwise treat them as absolute. """ image_pil = Image.fromarray(np.uint8(image)).convert('RGB') draw_keypoints_on_image(image_pil, keypoints, color, radius, use_normalized_coordinates) np.copyto(image, np.array(image_pil))
Example #3
Source File: visualization_utils.py From DOTA_models with Apache License 2.0 | 6 votes |
def draw_keypoints_on_image_array(image, keypoints, color='red', radius=2, use_normalized_coordinates=True): """Draws keypoints on an image (numpy array). Args: image: a numpy array with shape [height, width, 3]. keypoints: a numpy array with shape [num_keypoints, 2]. color: color to draw the keypoints with. Default is red. radius: keypoint radius. Default value is 2. use_normalized_coordinates: if True (default), treat keypoint values as relative to the image. Otherwise treat them as absolute. """ image_pil = Image.fromarray(np.uint8(image)).convert('RGB') draw_keypoints_on_image(image_pil, keypoints, color, radius, use_normalized_coordinates) np.copyto(image, np.array(image_pil))
Example #4
Source File: utils.py From AdaptiveWingLoss with Apache License 2.0 | 6 votes |
def shuffle_lr(parts, num_landmarks=68, pairs=None): if num_landmarks == 68: if pairs is None: pairs = [[0, 16], [1, 15], [2, 14], [3, 13], [4, 12], [5, 11], [6, 10], [7, 9], [17, 26], [18, 25], [19, 24], [20, 23], [21, 22], [36, 45], [37, 44], [38, 43], [39, 42], [41, 46], [40, 47], [31, 35], [32, 34], [50, 52], [49, 53], [48, 54], [61, 63], [60, 64], [67, 65], [59, 55], [58, 56]] elif num_landmarks == 98: if pairs is None: pairs = [[0, 32], [1,31], [2, 30], [3, 29], [4, 28], [5, 27], [6, 26], [7, 25], [8, 24], [9, 23], [10, 22], [11, 21], [12, 20], [13, 19], [14, 18], [15, 17], [33, 46], [34, 45], [35, 44], [36, 43], [37, 42], [38, 50], [39, 49], [40, 48], [41, 47], [60, 72], [61, 71], [62, 70], [63, 69], [64, 68], [65, 75], [66, 74], [67, 73], [96, 97], [55, 59], [56, 58], [76, 82], [77, 81], [78, 80], [88, 92], [89, 91], [95, 93], [87, 83], [86, 84]] elif num_landmarks == 19: if pairs is None: pairs = [[0, 5], [1, 4], [2, 3], [6, 11], [7, 10], [8, 9], [12, 14], [15, 17]] elif num_landmarks == 29: if pairs is None: pairs = [[0, 1], [4, 6], [5, 7], [2, 3], [8, 9], [12, 14], [16, 17], [13, 15], [10, 11], [18, 19], [22, 23]] for matched_p in pairs: idx1, idx2 = matched_p[0], matched_p[1] tmp = np.copy(parts[idx1]) np.copyto(parts[idx1], parts[idx2]) np.copyto(parts[idx2], tmp) return parts
Example #5
Source File: visualization_utils.py From BMW-TensorFlow-Inference-API-CPU with Apache License 2.0 | 6 votes |
def draw_keypoints_on_image_array(image, keypoints, color='red', radius=2, use_normalized_coordinates=True): """Draws keypoints on an image (numpy array). Args: image: a numpy array with shape [height, width, 3]. keypoints: a numpy array with shape [num_keypoints, 2]. color: color to draw the keypoints with. Default is red. radius: keypoint radius. Default value is 2. use_normalized_coordinates: if True (default), treat keypoint values as relative to the image. Otherwise treat them as absolute. """ image_pil = Image.fromarray(np.uint8(image)).convert('RGB') draw_keypoints_on_image(image_pil, keypoints, color, radius, use_normalized_coordinates) np.copyto(image, np.array(image_pil))
Example #6
Source File: rendering.py From pycolab with Apache License 2.0 | 6 votes |
def paint_drape(self, character, curtain): """Fill a masked area on the "canvas" of this renderer. Places `character` into all non-False locations in the binary mask `curtain`. This is the usual means by which a `Drape` is added to an observation. Args: character: a string of length 1 containing an ASCII character. curtain: a 2-D `np.bool_` array whose dimensions are the same as this renderer's. Raises: ValueError: `character` is not a valid character for this game, according to the `Engine`'s configuration. """ if character not in self._layers: raise ValueError('character {} does not seem to be a valid character for ' 'this game'.format(str(character))) self._board[curtain] = ord(character) np.copyto(self._layers[character], curtain)
Example #7
Source File: ssd_trt_detection.py From object-detection with MIT License | 6 votes |
def prediction(self, img): img_resized = _preprocess_trt(img, self.input_shape) np.copyto(self.host_inputs[0], img_resized.ravel()) cuda.memcpy_htod_async( self.cuda_inputs[0], self.host_inputs[0], self.stream) self.context.execute_async( batch_size=1, bindings=self.bindings, stream_handle=self.stream.handle) cuda.memcpy_dtoh_async( self.host_outputs[1], self.cuda_outputs[1], self.stream) cuda.memcpy_dtoh_async( self.host_outputs[0], self.cuda_outputs[0], self.stream) self.stream.synchronize() output = self.host_outputs[0] return output
Example #8
Source File: agents.py From holodeck with MIT License | 6 votes |
def set_physics_state(self, location, rotation, velocity, angular_velocity): """Sets the location, rotation, velocity and angular velocity of an agent. Args: location (np.ndarray): New location (``[x, y, z]`` (see :ref:`coordinate-system`)) rotation (np.ndarray): New rotation (``[roll, pitch, yaw]``, see (see :ref:`rotations`)) velocity (np.ndarray): New velocity (``[x, y, z]`` (see :ref:`coordinate-system`)) angular_velocity (np.ndarray): New angular velocity (``[x, y, z]`` in **degrees** (see :ref:`coordinate-system`)) """ np.copyto(self._teleport_buffer[0:3], location) np.copyto(self._teleport_buffer[3:6], rotation) np.copyto(self._teleport_buffer[6:9], velocity) np.copyto(self._teleport_buffer[9:12], angular_velocity) self._teleport_type_buffer[0] = 15
Example #9
Source File: visualization_utils.py From vehicle_counting_tensorflow with MIT License | 6 votes |
def draw_bounding_boxes_on_image_array(image, boxes, color='red', thickness=4, display_str_list_list=()): """Draws bounding boxes on image (numpy array). Args: image: a numpy array object. boxes: a 2 dimensional numpy array of [N, 4]: (ymin, xmin, ymax, xmax). The coordinates are in normalized format between [0, 1]. color: color to draw bounding box. Default is red. thickness: line thickness. Default value is 4. display_str_list_list: list of list of strings. a list of strings for each bounding box. The reason to pass a list of strings for a bounding box is that it might contain multiple labels. Raises: ValueError: if boxes is not a [N, 4] array """ image_pil = Image.fromarray(image) draw_bounding_boxes_on_image(image_pil, boxes, color, thickness, display_str_list_list) np.copyto(image, np.array(image_pil))
Example #10
Source File: visualization_utils.py From vehicle_counting_tensorflow with MIT License | 6 votes |
def draw_keypoints_on_image_array(image, keypoints, color='red', radius=2, use_normalized_coordinates=True): """Draws keypoints on an image (numpy array). Args: image: a numpy array with shape [height, width, 3]. keypoints: a numpy array with shape [num_keypoints, 2]. color: color to draw the keypoints with. Default is red. radius: keypoint radius. Default value is 2. use_normalized_coordinates: if True (default), treat keypoint values as relative to the image. Otherwise treat them as absolute. """ image_pil = Image.fromarray(np.uint8(image)).convert('RGB') draw_keypoints_on_image(image_pil, keypoints, color, radius, use_normalized_coordinates) np.copyto(image, np.array(image_pil))
Example #11
Source File: agents.py From holodeck with MIT License | 6 votes |
def teleport(self, location=None, rotation=None): """Teleports the agent to a specific location, with a specific rotation. Args: location (np.ndarray, optional): An array with three elements specifying the target world coordinates ``[x, y, z]`` in meters (see :ref:`coordinate-system`). If ``None`` (default), keeps the current location. rotation (np.ndarray, optional): An array with three elements specifying roll, pitch, and yaw in degrees of the agent. If ``None`` (default), keeps the current rotation. """ val = 0 if location is not None: val += 1 np.copyto(self._teleport_buffer[0:3], location) if rotation is not None: np.copyto(self._teleport_buffer[3:6], rotation) val += 2 self._teleport_type_buffer[0] = val
Example #12
Source File: visualization_utils.py From vehicle_counting_tensorflow with MIT License | 6 votes |
def draw_keypoints_on_image_array(image, keypoints, color='red', radius=2, use_normalized_coordinates=True): """Draws keypoints on an image (numpy array). Args: image: a numpy array with shape [height, width, 3]. keypoints: a numpy array with shape [num_keypoints, 2]. color: color to draw the keypoints with. Default is red. radius: keypoint radius. Default value is 2. use_normalized_coordinates: if True (default), treat keypoint values as relative to the image. Otherwise treat them as absolute. """ image_pil = Image.fromarray(np.uint8(image)).convert('RGB') draw_keypoints_on_image(image_pil, keypoints, color, radius, use_normalized_coordinates) np.copyto(image, np.array(image_pil))
Example #13
Source File: command.py From holodeck with MIT License | 6 votes |
def _write_to_command_buffer(self, to_write): """Write input to the command buffer. Reformat input string to the correct format. Args: to_write (:class:`str`): The string to write to the command buffer. """ np.copyto(self._command_bool_ptr, True) to_write += '0' # The gason JSON parser in holodeck expects a 0 at the end of the file. input_bytes = str.encode(to_write) if len(input_bytes) > self.max_buffer: raise HolodeckException("Error: Command length exceeds buffer size") for index, val in enumerate(input_bytes): self._command_buffer_ptr[index] = val
Example #14
Source File: hello_world.py From pycolab with Apache License 2.0 | 5 votes |
def update(self, actions, board, layers, backdrop, all_things, the_plot): del board, layers, backdrop, all_things # unused if actions is None: return # No work needed to make the first observation. if actions == 4: the_plot.terminate_episode() # Action 4 means "quit". # If the player has chosen a motion action, use that action to index into # the set of four rolls. if actions < 4: rolled = np.roll(self.curtain, # Makes a copy, alas. self._ROLL_SHIFTS[actions], self._ROLL_AXES[actions]) np.copyto(self.curtain, rolled) the_plot.add_reward(1) # Give ourselves a point for moving.
Example #15
Source File: json.py From numcodecs with MIT License | 5 votes |
def decode(self, buf, out=None): items = self._decoder.decode(ensure_text(buf, self._text_encoding)) dec = np.empty(items[-1], dtype=items[-2]) dec[:] = items[:-2] if out is not None: np.copyto(out, dec) return out else: return dec
Example #16
Source File: rendering.py From pycolab with Apache License 2.0 | 5 votes |
def paint_all_of(self, curtain): """Copy a pattern onto the "canvas" of this renderer. Copies all of the characters from `curtain` onto this object's canvas. This method is the usual means by which `Backdrop` data is added to an observation. Args: curtain: a 2-D `np.uint8` array whose dimensions are the same as this renderer's. """ np.copyto(self._board, curtain, casting='no') for character, layer in six.iteritems(self._layers): np.equal(curtain, ord(character), out=layer)
Example #17
Source File: drapes.py From pycolab with Apache License 2.0 | 5 votes |
def _update_curtain(self): """Update this `Scrolly`'s curtain by copying data from the pattern.""" rows = slice(self._northwest_corner[0], self._northwest_corner[0] + self._board_shape[0]) cols = slice(self._northwest_corner[1], self._northwest_corner[1] + self._board_shape[1]) np.copyto(self.curtain, self.whole_pattern[rows, cols])
Example #18
Source File: agents.py From holodeck with MIT License | 5 votes |
def __act__(self, action): # Allow for smaller arrays to be provided as input if len(self._action_buffer) > len(action): action = np.copy(action) action.resize(self._action_buffer.shape) # The default act function is to copy the data, # but if needed it can be overridden np.copyto(self._action_buffer, action)
Example #19
Source File: rendering.py From pycolab with Apache License 2.0 | 5 votes |
def paint_all_of(self, curtain): """Copy a pattern onto the "canvas" of this `BaseObservationRenderer`. Copies all of the characters from `curtain` onto this object's canvas, overwriting any data underneath. This method is the usual means by which `Backdrop` data is added to an observation. Args: curtain: a 2-D `np.uint8` array whose dimensions are the same as this `BaseObservationRenderer`'s. """ np.copyto(self._board, curtain, casting='no')
Example #20
Source File: pickles.py From numcodecs with MIT License | 5 votes |
def decode(self, buf, out=None): buf = ensure_contiguous_ndarray(buf) dec = pickle.loads(buf) if out is not None: np.copyto(out, dec) return out else: return dec
Example #21
Source File: compat.py From numcodecs with MIT License | 5 votes |
def ndarray_copy(src, dst): """Copy the contents of the array from `src` to `dst`.""" if dst is None: # no-op return src # ensure ndarrays src = ensure_ndarray(src) dst = ensure_ndarray(dst) # flatten source array src = src.reshape(-1, order='A') # ensure same data type if dst.dtype != object: src = src.view(dst.dtype) # reshape source to match destination if src.shape != dst.shape: if dst.flags.f_contiguous: order = 'F' else: order = 'C' src = src.reshape(dst.shape, order=order) # copy via numpy np.copyto(dst, src) return dst
Example #22
Source File: msgpacks.py From numcodecs with MIT License | 5 votes |
def decode(self, buf, out=None): buf = ensure_contiguous_ndarray(buf) items = msgpack.unpackb(buf, raw=self.raw) dec = np.empty(items[-1], dtype=items[-2]) dec[:] = items[:-2] if out is not None: np.copyto(out, dec) return out else: return dec
Example #23
Source File: visualization_utils.py From BMW-TensorFlow-Inference-API-CPU with Apache License 2.0 | 5 votes |
def draw_bounding_box_on_image_array(image, ymin, xmin, ymax, xmax, color='red', thickness=4, display_str_list=(), use_normalized_coordinates=True): """Adds a bounding box to an image (numpy array). Bounding box coordinates can be specified in either absolute (pixel) or normalized coordinates by setting the use_normalized_coordinates argument. Args: image: a numpy array with shape [height, width, 3]. ymin: ymin of bounding box. xmin: xmin of bounding box. ymax: ymax of bounding box. xmax: xmax of bounding box. color: color to draw bounding box. Default is red. thickness: line thickness. Default value is 4. display_str_list: list of strings to display in box (each to be shown on its own line). use_normalized_coordinates: If True (default), treat coordinates ymin, xmin, ymax, xmax as relative to the image. Otherwise treat coordinates as absolute. """ image_pil = Image.fromarray(np.uint8(image)).convert('RGB') draw_bounding_box_on_image(image_pil, ymin, xmin, ymax, xmax, color, thickness, display_str_list, use_normalized_coordinates) np.copyto(image, np.array(image_pil))
Example #24
Source File: agents.py From holodeck with MIT License | 5 votes |
def clear_action(self): """Sets the action to zeros, effectively removing any previous actions. """ np.copyto(self._action_buffer, np.zeros(self._action_buffer.shape))
Example #25
Source File: visualization_utils.py From BMW-TensorFlow-Inference-API-CPU with Apache License 2.0 | 5 votes |
def draw_bounding_boxes_on_image_array(image, boxes, color='red', thickness=4, display_str_list_list=()): """Draws bounding boxes on image (numpy array). Args: image: a numpy array object. boxes: a 2 dimensional numpy array of [N, 4]: (ymin, xmin, ymax, xmax). The coordinates are in normalized format between [0, 1]. color: color to draw bounding box. Default is red. thickness: line thickness. Default value is 4. display_str_list_list: list of list of strings. a list of strings for each bounding box. The reason to pass a list of strings for a bounding box is that it might contain multiple labels. Raises: ValueError: if boxes is not a [N, 4] array """ image_pil = Image.fromarray(image) draw_bounding_boxes_on_image(image_pil, boxes, color, thickness, display_str_list_list) np.copyto(image, np.array(image_pil))
Example #26
Source File: test_regression.py From recruit with Apache License 2.0 | 5 votes |
def test_object_array_self_copy(self): # An object array being copied into itself DECREF'ed before INCREF'ing # causing segmentation faults (gh-3787) a = np.array(object(), dtype=object) np.copyto(a, a) if HAS_REFCOUNT: assert_(sys.getrefcount(a[()]) == 2) a[()].__class__ # will segfault if object was deleted
Example #27
Source File: test_api.py From recruit with Apache License 2.0 | 5 votes |
def test_copyto(): a = np.arange(6, dtype='i4').reshape(2, 3) # Simple copy np.copyto(a, [[3, 1, 5], [6, 2, 1]]) assert_equal(a, [[3, 1, 5], [6, 2, 1]]) # Overlapping copy should work np.copyto(a[:, :2], a[::-1, 1::-1]) assert_equal(a, [[2, 6, 5], [1, 3, 1]]) # Defaults to 'same_kind' casting assert_raises(TypeError, np.copyto, a, 1.5) # Force a copy with 'unsafe' casting, truncating 1.5 to 1 np.copyto(a, 1.5, casting='unsafe') assert_equal(a, 1) # Copying with a mask np.copyto(a, 3, where=[True, False, True]) assert_equal(a, [[3, 1, 3], [3, 1, 3]]) # Casting rule still applies with a mask assert_raises(TypeError, np.copyto, a, 3.5, where=[True, False, True]) # Lists of integer 0's and 1's is ok too np.copyto(a, 4.0, casting='unsafe', where=[[0, 1, 1], [1, 0, 0]]) assert_equal(a, [[3, 4, 4], [4, 1, 3]]) # Overlapping copy with mask should work np.copyto(a[:, :2], a[::-1, 1::-1], where=[[0, 1], [1, 1]]) assert_equal(a, [[3, 4, 4], [4, 3, 3]]) # 'dst' must be an array assert_raises(TypeError, np.copyto, [1, 2, 3], [2, 3, 4])
Example #28
Source File: function_base.py From recruit with Apache License 2.0 | 5 votes |
def place(arr, mask, vals): """ Change elements of an array based on conditional and input values. Similar to ``np.copyto(arr, vals, where=mask)``, the difference is that `place` uses the first N elements of `vals`, where N is the number of True values in `mask`, while `copyto` uses the elements where `mask` is True. Note that `extract` does the exact opposite of `place`. Parameters ---------- arr : ndarray Array to put data into. mask : array_like Boolean mask array. Must have the same size as `a`. vals : 1-D sequence Values to put into `a`. Only the first N elements are used, where N is the number of True values in `mask`. If `vals` is smaller than N, it will be repeated, and if elements of `a` are to be masked, this sequence must be non-empty. See Also -------- copyto, put, take, extract Examples -------- >>> arr = np.arange(6).reshape(2, 3) >>> np.place(arr, arr>2, [44, 55]) >>> arr array([[ 0, 1, 2], [44, 55, 44]]) """ if not isinstance(arr, np.ndarray): raise TypeError("argument 1 must be numpy.ndarray, " "not {name}".format(name=type(arr).__name__)) return _insert(arr, mask, vals)
Example #29
Source File: nanfunctions.py From recruit with Apache License 2.0 | 5 votes |
def _copyto(a, val, mask): """ Replace values in `a` with NaN where `mask` is True. This differs from copyto in that it will deal with the case where `a` is a numpy scalar. Parameters ---------- a : ndarray or numpy scalar Array or numpy scalar some of whose values are to be replaced by val. val : numpy scalar Value used a replacement. mask : ndarray, scalar Boolean array. Where True the corresponding element of `a` is replaced by `val`. Broadcasts. Returns ------- res : ndarray, scalar Array with elements replaced or scalar `val`. """ if isinstance(a, np.ndarray): np.copyto(a, val, where=mask, casting='unsafe') else: a = a.dtype.type(val) return a
Example #30
Source File: agents.py From holodeck with MIT License | 5 votes |
def __act__(self, action): np.copyto(self._action_buffer, np.array(action)) np.copyto(self._action_buffer, action)