本文整理汇总了Python中sensor_msgs.msg.Image方法的典型用法代码示例。如果您正苦于以下问题:Python msg.Image方法的具体用法?Python msg.Image怎么用?Python msg.Image使用的例子?那么, 这里精选的方法代码示例或许可以为您提供帮助。您也可以进一步了解该方法所在类sensor_msgs.msg
的用法示例。
在下文中一共展示了msg.Image方法的15个代码示例,这些例子默认根据受欢迎程度排序。您可以为喜欢或者感觉有用的代码点赞,您的评价将有助于系统推荐出更棒的Python代码示例。
示例1: callback_image
# 需要导入模块: from sensor_msgs import msg [as 别名]
# 或者: from sensor_msgs.msg import Image [as 别名]
def callback_image(data):
# et = time.time()
try:
cv_image = cv_bridge.imgmsg_to_cv2(data, "bgr8")
except CvBridgeError as e:
rospy.logerr('[tf-pose-estimation] Converting Image Error. ' + str(e))
return
acquired = tf_lock.acquire(False)
if not acquired:
return
try:
global scales
humans = pose_estimator.inference(cv_image, scales)
finally:
tf_lock.release()
msg = humans_to_msg(humans)
msg.image_w = data.width
msg.image_h = data.height
msg.header = data.header
pub_pose.publish(msg)
# rospy.loginfo(time.time() - et)
示例2: gCamera
# 需要导入模块: from sensor_msgs import msg [as 别名]
# 或者: from sensor_msgs.msg import Image [as 别名]
def gCamera():
print "gstWebCam"
bridge = CvBridge()
video ="video4"
pub = rospy.Publisher('stream', Image, queue_size=10)
rospy.init_node('GstWebCam',anonymous=True)
Gst.init(None)
pipe = Gst.parse_launch("""v4l2src device=/dev/"""+video+""" ! video/x-raw, width=640, height=480,format=(string)BGR ! appsink sync=false max-buffers=2 drop=true name=sink emit-signals=true""")
sink = pipe.get_by_name('sink')
pipe.set_state(Gst.State.PLAYING)
while not rospy.is_shutdown():
sample = sink.emit('pull-sample')
img = gst_to_opencv(sample.get_buffer())
try:
pub.publish(bridge.cv2_to_imgmsg(img, "bgr8"))
except CvBridgeError as e:
print(e)
示例3: detection_callback
# 需要导入模块: from sensor_msgs import msg [as 别名]
# 或者: from sensor_msgs.msg import Image [as 别名]
def detection_callback(self, detections, image):
"""
Callback for RGB images and detections
Args:
detections (cob_perception_msgs/DetectionArray) : detections array
image (sensor_msgs/Image): RGB image from camera
"""
cv_rgb = self._bridge.imgmsg_to_cv2(image, "passthrough")[:, :, ::-1]
cv_rgb = cv2.resize(cv_rgb, (0, 0), fx=self.scaling_factor, fy=self.scaling_factor)
cv_rgb=cv_rgb.astype(np.uint8)
(cv_rgb, detections) = self.recognize(detections, cv_rgb)
image_outgoing = self._bridge.cv2_to_imgmsg(cv_rgb, encoding="passthrough")
self.publish(detections, image_outgoing)
示例4: __init__
# 需要导入模块: from sensor_msgs import msg [as 别名]
# 或者: from sensor_msgs.msg import Image [as 别名]
def __init__(self, args):
self.index = 0
if len(sys.argv) > 1:
self.index = int(sys.argv[1])
rospy.init_node('save_img')
self.bridge = CvBridge()
while not rospy.is_shutdown():
raw_input()
data = rospy.wait_for_message('/camera1/usb_cam/image_raw', Image)
try:
cv_image = self.bridge.imgmsg_to_cv2(data, "passthrough")
except CvBridgeError as e:
print(e)
print "Saved to: ", base_path+str(self.index)+".jpg"
cv2.cvtColor(cv_image, cv2.COLOR_BGR2RGB, cv_image)
cv2.imwrite(join(base_path, "frame{:06d}.jpg".format(self.index)), cv_image)#*255)
self.index += 1
rospy.spin()
示例5: __init__
# 需要导入模块: from sensor_msgs import msg [as 别名]
# 或者: from sensor_msgs.msg import Image [as 别名]
def __init__(self, topic_data, opencv_tracking=False, save_videos=False):
self._tracking_enabled, self._save_vides = opencv_tracking, save_videos
self._latest_image = LatestObservation(self._tracking_enabled, self._save_vides)
self._is_tracking = False
if self._tracking_enabled:
self.box_height = 80
self.bridge = CvBridge()
self._is_first_status, self._status_sem = True, Semaphore(value=0)
self._cam_height, self._cam_width = None, None
self._last_hash, self._num_repeats = None, 0
if self._save_vides:
self._buffers = []
self._saving = False
self._topic_data = topic_data
self._image_dtype = topic_data.dtype
rospy.Subscriber(topic_data.name, Image_msg, self.store_latest_im)
logging.getLogger('robot_logger').debug('downing sema on topic: {}'.format(topic_data.name))
self._status_sem.acquire()
logging.getLogger('robot_logger').info("Cameras {} subscribed: stream is {}x{}".format(self._topic_data.name, self._cam_width, self._cam_height))
示例6: __init__
# 需要导入模块: from sensor_msgs import msg [as 别名]
# 或者: from sensor_msgs.msg import Image [as 别名]
def __init__(self, ns, stack_offset):
self.__ns = ns
self.__stack_offset = stack_offset
print("stack_offset: %d"%self.__stack_offset)
self.__input_images = deque(maxlen=4 * self.__stack_offset)
#Input state
self.__input_img_pub1 = rospy.Publisher('%s/state_image1' % (self.__ns), Image, queue_size=1)
self.__input_img_pub2 = rospy.Publisher('%s/state_image2' % (self.__ns), Image, queue_size=1)
self.__input_img_pub3 = rospy.Publisher('%s/state_image3' % (self.__ns), Image, queue_size=1)
self.__input_img_pub4 = rospy.Publisher('%s/state_image4' % (self.__ns), Image, queue_size=1)
self.__occ_grid_pub = rospy.Publisher('%s/rl_map' % (self.__ns), OccupancyGrid, queue_size=1)
self.__input_scan_pub = rospy.Publisher('%s/state_scan' % (self.__ns), LaserScan, queue_size=1)
# reward info
self.__rew_pub = rospy.Publisher('%s/reward' % (self.__ns), Marker, queue_size=1)
self.__rew_num_pub = rospy.Publisher('%s/reward_num' % (self.__ns), Float64, queue_size=1)
# Waypoint info
self.__wp_pub1 = rospy.Publisher('%s/wp_vis1' % (self.__ns), PointStamped, queue_size=1)
self.__wp_pub2 = rospy.Publisher('%s/wp_vis2' % (self.__ns), PointStamped, queue_size=1)
self.__wp_pub3 = rospy.Publisher('%s/wp_vis3' % (self.__ns), PointStamped, queue_size=1)
self.__wp_pub4 = rospy.Publisher('%s/wp_vis4' % (self.__ns), PointStamped, queue_size=1)
示例7: __init__
# 需要导入模块: from sensor_msgs import msg [as 别名]
# 或者: from sensor_msgs.msg import Image [as 别名]
def __init__(self, argv):
self.node_name = "ObjectMeasurer"
rospy.init_node(self.node_name)
# What we do during shutdown
rospy.on_shutdown(self.cleanup)
# Create the cv_bridge object
self.bridge = CvBridge()
# Subscribe to the camera image topics and set
# the appropriate callbacks
self.image_sub = rospy.Subscriber(argv[1], Image, self.image_callback)
self.image_pub = rospy.Publisher(
"%s/ObjectMeasurer" % (argv[1]), Image, queue_size=10)
rospy.loginfo("Waiting for image topics...")
# Initialization of the 'pixels per metric variable'
self.pixelsPerMetric = None
示例8: __init__
# 需要导入模块: from sensor_msgs import msg [as 别名]
# 或者: from sensor_msgs.msg import Image [as 别名]
def __init__(self, args):
self.node_name = "MaskPlantTray"
rospy.init_node(self.node_name)
# What we do during shutdown
rospy.on_shutdown(self.cleanup)
# Create the cv_bridge object
self.bridge = CvBridge()
# Subscribe to the camera image topics and set
# the appropriate callbacks
self.image_sub = rospy.Subscriber(args[1], Image, self.image_callback)
self.image_pub = rospy.Publisher(
"%s/MaskPlantTray" % (args[1]), Image, queue_size=10)
rospy.loginfo("Waiting for image topics...")
示例9: __init__
# 需要导入模块: from sensor_msgs import msg [as 别名]
# 或者: from sensor_msgs.msg import Image [as 别名]
def __init__(self, args):
self.node_name = "ImgMerger"
rospy.init_node(self.node_name)
# What we do during shutdown
rospy.on_shutdown(self.cleanup)
# Create the cv_bridge object
self.bridge = CvBridge()
self.frame_img1 = np.zeros((1280, 1024), np.uint8)
self.frame_img2 = np.zeros((1280, 1024), np.uint8)
# Subscribe to the camera image topics and set
# the appropriate callbacks
self.image_sub_first_image = rospy.Subscriber(
args[1], Image, self.image_callback_img1)
self.image_sub_second_image = rospy.Subscriber(
args[2], Image, self.image_callback_img2)
self.image_pub = rospy.Publisher(args[3], Image, queue_size=10)
rospy.loginfo("Waiting for image topics...")
示例10: _setup_image
# 需要导入模块: from sensor_msgs import msg [as 别名]
# 或者: from sensor_msgs.msg import Image [as 别名]
def _setup_image(self, image_path):
"""
Load the image located at the specified path
@type image_path: str
@param image_path: the relative or absolute file path to the image file
@rtype: sensor_msgs/Image or None
@param: Returns sensor_msgs/Image if image convertable and None otherwise
"""
if not os.access(image_path, os.R_OK):
rospy.logerr("Cannot read file at '{0}'".format(image_path))
return None
img = cv2.imread(image_path)
# Return msg
return cv_bridge.CvBridge().cv2_to_imgmsg(img, encoding="bgr8")
示例11: __init__
# 需要导入模块: from sensor_msgs import msg [as 别名]
# 或者: from sensor_msgs.msg import Image [as 别名]
def __init__(self):
self.evadeSet = False
self.controller = XBox360()
self.bridge = CvBridge()
self.throttle = 0
self.grid_img = None
##self.throttleLock = Lock()
print "evasion"
rospy.Subscriber("/lidargrid", Image, self.gridCB, queue_size=1)
rospy.Subscriber("/cmd_vel", TwistStamped , self.twistCB , queue_size = 1)
rospy.Subscriber("/joy", Joy, self.joyCB, queue_size=5)
self.pub_img = rospy.Publisher("/steering_img", Image)
self.pub_twist = rospy.Publisher("/lidar_twist", TwistStamped, queue_size=1)
self.sound = rospy.Publisher("/sound_server/speech_synth", String, queue_size=1)
rospy.init_node ('lidar_cmd',anonymous=True)
rospy.spin()
示例12: __init__
# 需要导入模块: from sensor_msgs import msg [as 别名]
# 或者: from sensor_msgs.msg import Image [as 别名]
def __init__(self):
print "dataRecorder"
self.record = False
self.twist = None
self.twistLock = Lock()
self.bridge = CvBridge()
self.globaltime = None
self.controller = XBox360()
##rospy.Subscriber("/camera/depth/points" , PointCloud2, self.ptcloudCB)
rospy.Subscriber("/camera/depth/image_rect_raw_drop", Image, self.depthCB)
rospy.Subscriber("/camera/rgb/image_rect_color_drop", Image, self.streamCB)
#rospy.Subscriber("/camera/rgb/image_rect_mono_drop", Image, self.streamCB) ##for black and white images see run.launch and look at the drop fps nodes near the bottom
rospy.Subscriber("/lidargrid", Image, self.lidargridCB)
rospy.Subscriber("/cmd_vel", TwistStamped, self.cmd_velCB)
rospy.Subscriber("/joy", Joy ,self.joyCB)
self.sound = rospy.Publisher("/sound_server/speech_synth", String, queue_size=1)
rospy.init_node('dataRecorder',anonymous=True)
rospy.spin()
示例13: __init__
# 需要导入模块: from sensor_msgs import msg [as 别名]
# 或者: from sensor_msgs.msg import Image [as 别名]
def __init__(self):
rospy.loginfo("runner.__init__")
# ----------------------------
self.sess = tf.InteractiveSession()
self.model = cnn_cccccfffff()
saver = tf.train.Saver()
saver.restore(self.sess, "/home/ubuntu/catkin_ws/src/car/scripts/model.ckpt")
rospy.loginfo("runner.__init__: model restored")
# ----------------------------
self.bridge = CvBridge()
self.netEnable = False
self.controller = XBox360()
rospy.Subscriber("/camera/rgb/image_rect_color", Image, self.runCB)
rospy.Subscriber("/joy", Joy ,self.joyCB)
self.pub_twist = rospy.Publisher("/neural_twist", TwistStamped, queue_size=1)
self.sound = rospy.Publisher("/sound_server/speech_synth", String, queue_size=1)
rospy.init_node('neural_cmd',anonymous=True)
rospy.spin()
示例14: __init__
# 需要导入模块: from sensor_msgs import msg [as 别名]
# 或者: from sensor_msgs.msg import Image [as 别名]
def __init__(self):
self._cv_bridge = CvBridge()
self.x = tf.placeholder(tf.float32, [None,28,28,1], name="x")
self.keep_prob = tf.placeholder("float")
self.y_conv = makeCNN(self.x,self.keep_prob)
self._saver = tf.train.Saver()
self._session = tf.InteractiveSession()
init_op = tf.global_variables_initializer()
self._session.run(init_op)
ROOT_PATH = os.path.abspath(os.path.join(os.path.dirname(__file__), os.pardir))
PATH_TO_CKPT = ROOT_PATH + '/include/mnist/model.ckpt'
self._saver.restore(self._session, PATH_TO_CKPT)
self._sub = rospy.Subscriber('usb_cam/image_raw', Image, self.callback, queue_size=1)
self._pub = rospy.Publisher('/result_ripe', Int16, queue_size=1)
示例15: __init__
# 需要导入模块: from sensor_msgs import msg [as 别名]
# 或者: from sensor_msgs.msg import Image [as 别名]
def __init__(self):
# Get the camera parameters
cam_info_topic = rospy.get_param('~camera/info_topic')
camera_info_msg = rospy.wait_for_message(cam_info_topic, CameraInfo)
self.cam_K = np.array(camera_info_msg.K).reshape((3, 3))
self.img_pub = rospy.Publisher('~visualisation', Image, queue_size=1)
rospy.Service('~predict', GraspPrediction, self.compute_service_handler)
self.base_frame = rospy.get_param('~camera/robot_base_frame')
self.camera_frame = rospy.get_param('~camera/camera_frame')
self.img_crop_size = rospy.get_param('~camera/crop_size')
self.img_crop_y_offset = rospy.get_param('~camera/crop_y_offset')
self.cam_fov = rospy.get_param('~camera/fov')
self.counter = 0
self.curr_depth_img = None
self.curr_img_time = 0
self.last_image_pose = None
rospy.Subscriber(rospy.get_param('~camera/depth_topic'), Image, self._depth_img_callback, queue_size=1)
self.waiting = False
self.received = False