def __init__(self): ''' Initialization class for a Policy Parameters ---------- yumi : An instianted yumi robot com : The common class for the robot cam : An open bincam class debug : bool A bool to indicate whether or not to display a training set point for debuging. ''' self.robot = hsrb_interface.Robot() self.omni_base = self.robot.get('omni_base') self.whole_body = self.robot.get('whole_body') self.whole_body.move_to_joint_positions({'head_tilt_joint': -0.8}) self.cam = RGBD() self.wl = Python_Labeler(cam=self.cam) self.gp = GraspPlanner()
def __init__(self): ''' Initialization class for a Policy Parameters ---------- yumi : An instianted yumi robot com : The common class for the robot cam : An open bincam class debug : bool A bool to indicate whether or not to display a training set point for debuging. ''' self.robot = hsrb_interface.Robot() self.rgbd_map = RGBD2Map() self.omni_base = self.robot.get('omni_base') self.whole_body = self.robot.get('whole_body') self.side = 'BOTTOM' self.cam = RGBD() self.com = COM() if cfg.USE_WEB_INTERFACE: self.wl = Web_Labeler() else: self.wl = Python_Labeler(cam=self.cam) self.com.go_to_initial_state(self.whole_body) self.tt = TableTop() self.tt.find_table(self.robot) self.grasp_count = 0 self.br = tf.TransformBroadcaster() self.tl = TransformListener() self.ins = InitialSampler(self.cam) self.gp = GraspPlanner() self.gripper = Bed_Gripper(self.gp, self.cam, self.com.Options, self.robot.get('gripper')) self.sc = Success_Check(self.whole_body, self.tt, self.cam, self.omni_base) self.ss = Self_Supervised(self.cam) #self.test_current_point() time.sleep(4) #thread.start_new_thread(self.ql.run,()) print "after thread"
def __init__(self, args): """For data collection of bed-making, NOT the deployment. Assumes we roll out the robot's policy via code (not via human touch). This is the 'slower' way where we have the python interface that the human clicks on to indicate grasping points. Good news is, our deployment code is probably going to be similar to this. For joystick: you only need it plugged in for the initial state sampler, which (at the moment) we are not even using. """ self.robot = robot = hsrb_interface.Robot() self.rgbd_map = RGBD2Map() self.omni_base = robot.get('omni_base') self.whole_body = robot.get('whole_body') self.cam = RGBD() self.com = COM() self.wl = Python_Labeler(cam=self.cam) # View mode: STANDARD (the way I was doing earlier), CLOSE (the way they want). self.view_mode = cfg.VIEW_MODE # Set up initial state, table, etc. self.com.go_to_initial_state(self.whole_body) self.tt = TableTop() # For now, a workaround. Ugly but it should do the job ... #self.tt.find_table(robot) self.tt.make_fake_ar() self.tt.find_table_workaround(robot) #self.ins = InitialSampler(self.cam) self.side = 'BOTTOM' self.grasp_count = 0 # Bells and whistles; note the 'success check' to check if transitioning self.br = tf.TransformBroadcaster() self.tl = TransformListener() self.gp = GraspPlanner() self.gripper = Bed_Gripper(self.gp, self.cam, self.com.Options, robot.get('gripper')) self.sc = Success_Check(self.whole_body, self.tt, self.cam, self.omni_base) time.sleep(4) print( "Finished creating BedMaker()! Get the bed set up and run bed-making!" ) if cfg.INS_SAMPLE: print("TODO: we don't have sampling code here.") # When we start, spin this so we can check the frames. Then un-comment, # etc. It's the current hack we have to get around crummy AR marker detection. if args.phase == 1: print("Now doing rospy.spin() because phase = 1.") rospy.spin()
def __init__(self): ''' Initialization class for a Policy Parameters ---------- yumi : An instianted yumi robot com : The common class for the robot cam : An open bincam class debug : bool A bool to indicate whether or not to display a training set point for debuging. ''' self.robot = hsrb_interface.Robot() self.rgbd_map = RGBD2Map() self.omni_base = self.robot.get('omni_base') self.whole_body = self.robot.get('whole_body') #PARAMETERS TO CHANGE self.side = 'TOP' self.r_count = 0 self.grasp_count = 0 self.success_count = 0 self.true_count = 0 self.grasp = True self.r_count = self.get_rollout_number() self.cam = RGBD() self.com = COM() self.joystick = JoyStick_X(self.com) if cfg.USE_WEB_INTERFACE: self.wl = Web_Labeler() else: self.wl = Python_Labeler(cam=self.cam) self.com.go_to_initial_state(self.whole_body) self.tt = TableTop() self.tt.find_table(self.robot) self.position_head() self.br = tf.TransformBroadcaster() self.tl = TransformListener() #self.test_current_point() time.sleep(4) #thread.start_new_thread(self.ql.run,()) print "after thread"
class GraspTester(): def __init__(self): ''' Initialization class for a Policy Parameters ---------- yumi : An instianted yumi robot com : The common class for the robot cam : An open bincam class debug : bool A bool to indicate whether or not to display a training set point for debuging. ''' self.robot = hsrb_interface.Robot() self.omni_base = self.robot.get('omni_base') self.whole_body = self.robot.get('whole_body') self.whole_body.move_to_joint_positions({'head_tilt_joint': -0.8}) self.cam = RGBD() self.wl = Python_Labeler(cam=self.cam) self.gp = GraspPlanner() def test_grasper(self): c_img = self.cam.read_color_data() data = self.wl.label_image(c_img) c_img = self.cam.read_color_data() d_img = self.cam.read_depth_data() point = self.get_points(data) self.gp.compute_grasp(point, d_img, c_img) def get_points(self, data): result = data['objects'][0] x_min = float(result['box'][0]) y_min = float(result['box'][1]) x_max = float(result['box'][2]) y_max = float(result['box'][3]) p_0 = (x_min, y_min) p_1 = (x_max, y_max) return (p_0, p_1)
from il_ros_hsr.p_pi.bed_making.check_success import Success_Check from il_ros_hsr.p_pi.bed_making.self_supervised import Self_Supervised import il_ros_hsr.p_pi.bed_making.config_bed as cfg import cPickle as pickle import os from il_ros_hsr.core.rgbd_to_map import RGBD2Map from data_aug.draw_cross_hair import DrawPrediction dp = DrawPrediction() #latest, 46-49 from rollout_dart sm = 0 wl = Python_Labeler() for rnum in range(0, 10): # path = cfg.STAT_PATH+'stat_' + str(rnum) + '/rollout.p' path = cfg.STAT_PATH + 'stat_' + str(rnum) + '/rollout.p' #IPython.embed() labeled_data = [] if os.path.exists(path): data = pickle.load(open(path, 'rb')) count = 0 for datum in data: if type(datum) == list: continue
class BedMaker(): def __init__(self): ''' Initialization class for a Policy Parameters ---------- yumi : An instianted yumi robot com : The common class for the robot cam : An open bincam class debug : bool A bool to indicate whether or not to display a training set point for debuging. ''' self.robot = hsrb_interface.Robot() self.omni_base = self.robot.get('omni_base') self.whole_body = self.robot.get('whole_body') self.side = 'BOTTOM' self.cam = RGBD() self.com = COM() if cfg.USE_WEB_INTERFACE: self.wl = Web_Labeler() else: self.wl = Python_Labeler(self.cam) self.com.go_to_initial_state(self.whole_body) self.tt = TableTop() self.tt.find_table(self.robot) self.grasp_count = 0 self.br = tf.TransformBroadcaster() self.tl = TransformListener() self.gp = GraspPlanner() self.gripper = Bed_Gripper(self.gp, self.cam, self.com.Options, self.robot.get('gripper')) self.sc = Success_Check(self.whole_body, self.tt, self.cam, self.omni_base) #self.test_current_point() time.sleep(4) #thread.start_new_thread(self.ql.run,()) print "after thread" def find_mean_depth(self, d_img): ''' Evaluates the current policy and then executes the motion specified in the the common class ''' indx = np.nonzero(d_img) mean = np.mean(d_img[indx]) return def bed_pick(self): while True: c_img = self.cam.read_color_data() d_img = self.cam.read_depth_data() if (not c_img == None and not d_img == None): c_img = self.cam.read_color_data() d_img = self.cam.read_depth_data() data = self.wl.label_image(c_img) self.gripper.find_pick_region_labeler(data, c_img, d_img, self.grasp_count) pick_found, bed_pick = self.check_card_found() self.grasp_count += 1 if (pick_found): if (self.side == 'BOTTOM'): self.gripper.execute_grasp(bed_pick, self.whole_body, 'head_down') success = self.sc.check_bottom_success(self.wl) print "WAS SUCCESFUL: " print success if (success): self.move_to_top_side() self.side = "TOP" elif (self.side == "TOP"): self.gripper.execute_grasp(bed_pick, self.whole_body, 'head_up') success = self.sc.check_top_success(self.wl) print "WAS SUCCESFUL: " print success if (success): self.side == "PILLOW" def test_current_point(self): self.gripper.tension.force_pull(self.whole_body, (0, 1, 0)) self.gripper.com.grip_open(self.gripper) self.move_to_top_side() def move_to_top_side(self): self.tt.move_to_pose(self.omni_base, 'right_down') self.tt.move_to_pose(self.omni_base, 'right_mid') self.tt.move_to_pose(self.omni_base, 'right_up') self.tt.move_to_pose(self.omni_base, 'top_mid') def check_bottom_success(self): self.tt.move_to_pose(self.omni_base, 'lower_mid') self.whole_body.move_to_joint_positions({'head_tilt_joint': -0.8}) def check_card_found(self): # try: transforms = self.tl.getFrameStrings() cards = [] try: for transform in transforms: print transform current_grasp = 'bed_' + str(self.grasp_count) if current_grasp in transform: print 'got here' f_p = self.tl.lookupTransform('head_rgbd_sensor_rgb_frame', transform, rospy.Time(0)) cards.append(transform) except: rospy.logerr('bed pick not found yet') return True, cards
def __init__(self, args): """For deploying the bed-making policy, not for data collection. We use all three variants (analytic, human, networks) here due to similarities in code structure. """ self.args = args DEBUG = True # Set up the robot. self.robot = robot = hsrb_interface.Robot() if DEBUG: print("finished: hsrb_interface.Robot()...") self.rgbd_map = RGBD2Map() self.omni_base = self.robot.get('omni_base') if DEBUG: print("finished: robot.get(omni_base)...") self.whole_body = self.robot.get('whole_body') if DEBUG: print("finished: robot.get(whole_body)...") self.cam = RGBD() self.com = COM() self.wl = Python_Labeler(cam=self.cam) # Set up initial state, table, etc. Don't forget view mode! self.view_mode = BED_CFG.VIEW_MODE self.com.go_to_initial_state(self.whole_body) if DEBUG: print("finished: go_to_initial_state() ...") self.tt = TableTop() if DEBUG: print("finished: TableTop()...") # For now, a workaround. Ugly but it should do the job ... #self.tt.find_table(robot) self.tt.make_fake_ar() self.tt.find_table_workaround(robot) #self.ins = InitialSampler(self.cam) self.side = 'BOTTOM' self.grasp_count = 0 self.b_grasp_count = 0 self.t_grasp_count = 0 # AH, build the YOLO network beforehand. g_cfg = BED_CFG.GRASP_CONFIG s_cfg = BED_CFG.SUCC_CONFIG self.yc = YOLO_CONV(options=s_cfg) self.yc.load_network() # Policy for grasp detection, using Deep Imitation Learning. # Or, actually, sometimes we will use humans or an analytic version. if DEBUG: self._test_variables() print("\nnow forming the GDetector with type {}".format(args.g_type)) if args.g_type == 'network': self.g_detector = GDetector(g_cfg, BED_CFG, yc=self.yc) elif args.g_type == 'analytic': self.g_detector = Analytic_Grasp() # TODO not implemented! elif args.g_type == 'human': print("Using a human, don't need to have a `g_detector`. :-)") if DEBUG: self._test_variables() print("\nnow making success net") self.sn = Success_Net(self.whole_body, self.tt, self.cam, self.omni_base, fg_cfg=s_cfg, bed_cfg=BED_CFG, yc=self.yc) # Bells and whistles. self.br = TransformBroadcaster() self.tl = TransformListener() self.gp = GraspPlanner() self.gripper = Bed_Gripper(self.gp, self.cam, self.com.Options, robot.get('gripper')) self.dp = DrawPrediction() # When we start, do rospy.spin() to check the frames (phase 1). Then re-run. # The current hack we have to get around crummy AR marker detection. :-( if DEBUG: self._test_variables() print("Finished with init method") time.sleep(4) if args.phase == 1: print("Now doing rospy.spin() because phase = 1.") rospy.spin() # For evaluating coverage. self.img_start = None self.img_final = None self.img_start2 = None self.img_final2 = None # For grasp offsets. self.apply_offset = False
class BedMaker(): def __init__(self, args): """For deploying the bed-making policy, not for data collection. We use all three variants (analytic, human, networks) here due to similarities in code structure. """ self.args = args DEBUG = True # Set up the robot. self.robot = robot = hsrb_interface.Robot() if DEBUG: print("finished: hsrb_interface.Robot()...") self.rgbd_map = RGBD2Map() self.omni_base = self.robot.get('omni_base') if DEBUG: print("finished: robot.get(omni_base)...") self.whole_body = self.robot.get('whole_body') if DEBUG: print("finished: robot.get(whole_body)...") self.cam = RGBD() self.com = COM() self.wl = Python_Labeler(cam=self.cam) # Set up initial state, table, etc. Don't forget view mode! self.view_mode = BED_CFG.VIEW_MODE self.com.go_to_initial_state(self.whole_body) if DEBUG: print("finished: go_to_initial_state() ...") self.tt = TableTop() if DEBUG: print("finished: TableTop()...") # For now, a workaround. Ugly but it should do the job ... #self.tt.find_table(robot) self.tt.make_fake_ar() self.tt.find_table_workaround(robot) #self.ins = InitialSampler(self.cam) self.side = 'BOTTOM' self.grasp_count = 0 self.b_grasp_count = 0 self.t_grasp_count = 0 # AH, build the YOLO network beforehand. g_cfg = BED_CFG.GRASP_CONFIG s_cfg = BED_CFG.SUCC_CONFIG self.yc = YOLO_CONV(options=s_cfg) self.yc.load_network() # Policy for grasp detection, using Deep Imitation Learning. # Or, actually, sometimes we will use humans or an analytic version. if DEBUG: self._test_variables() print("\nnow forming the GDetector with type {}".format(args.g_type)) if args.g_type == 'network': self.g_detector = GDetector(g_cfg, BED_CFG, yc=self.yc) elif args.g_type == 'analytic': self.g_detector = Analytic_Grasp() # TODO not implemented! elif args.g_type == 'human': print("Using a human, don't need to have a `g_detector`. :-)") if DEBUG: self._test_variables() print("\nnow making success net") self.sn = Success_Net(self.whole_body, self.tt, self.cam, self.omni_base, fg_cfg=s_cfg, bed_cfg=BED_CFG, yc=self.yc) # Bells and whistles. self.br = TransformBroadcaster() self.tl = TransformListener() self.gp = GraspPlanner() self.gripper = Bed_Gripper(self.gp, self.cam, self.com.Options, robot.get('gripper')) self.dp = DrawPrediction() # When we start, do rospy.spin() to check the frames (phase 1). Then re-run. # The current hack we have to get around crummy AR marker detection. :-( if DEBUG: self._test_variables() print("Finished with init method") time.sleep(4) if args.phase == 1: print("Now doing rospy.spin() because phase = 1.") rospy.spin() # For evaluating coverage. self.img_start = None self.img_final = None self.img_start2 = None self.img_final2 = None # For grasp offsets. self.apply_offset = False def bed_make(self): """Runs the pipeline for deployment, testing out bed-making. """ # Get the starting image (from USB webcam). Try a second as well. cap = cv2.VideoCapture(0) frame = None while frame is None: ret, frame = cap.read() cv2.waitKey(50) self.image_start = frame cv2.imwrite('image_start.png', self.image_start) _, frame = cap.read() self.image_start2 = frame cv2.imwrite('image_start2.png', self.image_start2) cap.release() print( "NOTE! Recorded `image_start` for coverage evaluation. Was it set up?" ) def get_pose(data_all): # See `find_pick_region_labeler` in `p_pi/bed_making/gripper.py`. # It's because from the web labeler, we get a bunch of objects. # So we have to compute the pose (x,y) from it. res = data_all['objects'][0] x_min = float(res['box'][0]) y_min = float(res['box'][1]) x_max = float(res['box'][2]) y_max = float(res['box'][3]) x = (x_max - x_min) / 2.0 + x_min y = (y_max - y_min) / 2.0 + y_min return (x, y) args = self.args use_d = BED_CFG.GRASP_CONFIG.USE_DEPTH self.get_new_grasp = True self.new_grasp = True self.rollout_stats = [] # What we actually save for analysis later # Add to self.rollout_stats at the end for more timing info self.g_time_stats = [] # for _execution_ of a grasp self.move_time_stats = [] # for moving to the other side while True: c_img = self.cam.read_color_data() d_img = self.cam.read_depth_data() if (not c_img.all() == None and not d_img.all() == None): if self.new_grasp: self.position_head() else: self.new_grasp = True time.sleep(3) c_img = self.cam.read_color_data() d_img = self.cam.read_depth_data() d_img_raw = np.copy(d_img) # Needed for determining grasp pose # -------------------------------------------------------------- # Process depth images! Helps network, human, and (presumably) analytic. # Obviously human can see the c_img as well ... hard to compare fairly. # -------------------------------------------------------------- if use_d: if np.isnan(np.sum(d_img)): cv2.patchNaNs(d_img, 0.0) d_img = depth_to_net_dim(d_img, robot='HSR') policy_input = np.copy(d_img) else: policy_input = np.copy(c_img) # -------------------------------------------------------------- # Run grasp detector to get data=(x,y) point for target, record stats. # Note that the web labeler returns a dictionary like this: # {'objects': [{'box': (155, 187, 165, 194), 'class': 0}], 'num_labels': 1} # but we really want just the 2D grasping point. So use `get_pose()`. # Also, for the analytic one, we'll pick the highest point ourselves. # -------------------------------------------------------------- sgraspt = time.time() if args.g_type == 'network': data = self.g_detector.predict(policy_input) elif args.g_type == 'analytic': data_all = self.wl.label_image(policy_input) data = get_pose(data_all) elif args.g_type == 'human': data_all = self.wl.label_image(policy_input) data = get_pose(data_all) egraspt = time.time() g_predict_t = egraspt - sgraspt print("Grasp predict time: {:.2f}".format(g_predict_t)) self.record_stats(c_img, d_img_raw, data, self.side, g_predict_t, 'grasp') # For safety, we can check image and abort as needed before execution. if use_d: img = self.dp.draw_prediction(d_img, data) else: img = self.dp.draw_prediction(c_img, data) caption = 'G Predicted: {} (ESC to abort, other key to proceed)'.format( data) call_wait_key(cv2.imshow(caption, img)) # -------------------------------------------------------------- # Broadcast grasp pose, execute the grasp, check for success. # We'll use the `find_pick_region_net` since the `data` is the # (x,y) pose, and not `find_pick_region_labeler`. # -------------------------------------------------------------- self.gripper.find_pick_region_net( pose=data, c_img=c_img, d_img=d_img_raw, count=self.grasp_count, side=self.side, apply_offset=self.apply_offset) pick_found, bed_pick = self.check_card_found() if self.side == "BOTTOM": self.whole_body.move_to_go() self.tt.move_to_pose(self.omni_base, 'lower_start') tic = time.time() self.gripper.execute_grasp(bed_pick, self.whole_body, 'head_down') toc = time.time() else: self.whole_body.move_to_go() self.tt.move_to_pose(self.omni_base, 'top_mid') tic = time.time() self.gripper.execute_grasp(bed_pick, self.whole_body, 'head_up') toc = time.time() self.g_time_stats.append(toc - tic) self.check_success_state(policy_input) def check_success_state(self, old_grasp_image): """ Checks whether a single grasp in a bed-making trajectory succeeded. Depends on which side of the bed the HSR is at. Invokes the learned success network policy and transitions the HSR if successful. When we record the data, c_img and d_img should be what success net saw. UPDATE: now we can pass in the previous `d_img` from the grasping to compare the difference. Well, technically the `policy_input` so it can handle either case. """ use_d = BED_CFG.SUCC_CONFIG.USE_DEPTH if self.side == "BOTTOM": result = self.sn.check_bottom_success(use_d, old_grasp_image) self.b_grasp_count += 1 else: result = self.sn.check_top_success(use_d, old_grasp_image) self.t_grasp_count += 1 self.grasp_count += 1 assert self.grasp_count == self.b_grasp_count + self.t_grasp_count success = result['success'] data = result['data'] c_img = result['c_img'] d_img = result['d_img'] d_img_raw = result['d_img_raw'] s_predict_t = result['s_predict_t'] img_diff = result['diff_l2'] img_ssim = result['diff_ssim'] self.record_stats(c_img, d_img_raw, data, self.side, s_predict_t, 'success') # We really need a better metric, such as 'structural similarity'. # Edit: well, it's probably marginally better, I think. # I use an L2 threshold of 98k, and an SSIM threshold of 0.88. if BED_CFG.GRASP_CONFIG.USE_DEPTH != BED_CFG.SUCC_CONFIG.USE_DEPTH: print("grasp vs success for using depth differ") print("for now we'll ignore the offset issue.") else: print("L2 and SSIM btwn grasp & next image: {:.1f} and {:.3f}". format(img_diff, img_ssim)) if img_ssim >= 0.875 or img_diff < 85000: print("APPLYING OFFSET! (self.apply_offset = True)") self.apply_offset = True else: print("no offset applied (self.apply_offset = False)") self.apply_offset = False # Have user confirm that this makes sense. caption = "Success net saw this and thought: {}. Press any key".format( success) if use_d: call_wait_key(cv2.imshow(caption, d_img)) else: call_wait_key(cv2.imshow(caption, c_img)) # Limit amount of grasp attempts per side, pretend 'success' anyway. lim = BED_CFG.GRASP_ATTEMPTS_PER_SIDE if (self.side == 'BOTTOM' and self.b_grasp_count >= lim) or \ (self.side == 'TOP' and self.t_grasp_count >= lim): print("We've hit {} for this side so set success=True".format(lim)) success = True # Handle transitioning to different side if success: if self.side == "BOTTOM": self.transition_to_top() self.side = 'TOP' else: self.transition_to_start() print( "We're moving to another side so revert self.apply_offset = False." ) self.apply_offset = False else: self.new_grasp = False def transition_to_top(self): """Transition to top (not bottom).""" transition_time = self.move_to_top_side() self.move_time_stats.append(transition_time) def transition_to_start(self): """Transition to start=bottom, SAVE ROLLOUT STATS, exit program. The `rollout_stats` is a list with a bunch of stats recorded via the class method `record_stats`. We save with a top-down webcam and save before moving back, since the HSR could disconnect. """ # Record the final image for evaluation later (from USB webcam). cap = cv2.VideoCapture(0) frame = None while frame is None: ret, frame = cap.read() self.image_final = frame cv2.imwrite('image_final.png', self.image_final) _, frame = cap.read() self.image_final2 = frame cv2.imwrite('image_final2.png', self.image_final2) cap.release() print("NOTE! Recorded `image_final` for coverage evaluation.") # Append some last-minute stuff to `self.rollout_stats` for saving. final_stuff = { 'image_start': self.image_start, 'image_final': self.image_final, 'image_start2': self.image_start2, 'image_final2': self.image_final2, 'grasp_times': self.g_time_stats, 'move_times': self.move_time_stats, 'args': self.args, # ADDING THIS! Now we can 'retrace' our steps. } self.rollout_stats.append(final_stuff) # SAVE, move to start, then exit. self.com.save_stat(self.rollout_stats, target_path=self.args.save_path) self.move_to_start() sys.exit() def record_stats(self, c_img, d_img, data, side, time, typ): """Adds a dictionary to the `rollout_stats` list. We can tell it's a 'net' thing due to 'net_pose' and 'net_succ' keys. EDIT: argh wish I hadn't done that since this script also handles the human and analytic cases. Oh well, too late for that now. """ assert side in ['BOTTOM', 'TOP'] grasp_point = {} grasp_point['c_img'] = c_img grasp_point['d_img'] = d_img if typ == "grasp": grasp_point['net_pose'] = data grasp_point['g_net_time'] = time elif typ == "success": grasp_point['net_succ'] = data grasp_point['s_net_time'] = time else: raise ValueError(typ) grasp_point['side'] = side grasp_point['type'] = typ self.rollout_stats.append(grasp_point) def position_head(self): """Position head for a grasp. Use lower_start_tmp so HSR looks 'sideways'; thus, hand is not in the way. """ self.whole_body.move_to_go() if self.side == "BOTTOM": self.tt.move_to_pose(self.omni_base, 'lower_start_tmp') self.whole_body.move_to_joint_positions( {'arm_flex_joint': -np.pi / 16.0}) self.whole_body.move_to_joint_positions( {'head_pan_joint': np.pi / 2.0}) self.whole_body.move_to_joint_positions({'arm_lift_joint': 0.120}) self.whole_body.move_to_joint_positions( {'head_tilt_joint': -np.pi / 4.0}) def move_to_top_side(self): """Assumes we're at the bottom and want to go to the top.""" self.whole_body.move_to_go() tic = time.time() self.tt.move_to_pose(self.omni_base, 'right_down_1') self.tt.move_to_pose(self.omni_base, 'right_mid_1') self.tt.move_to_pose(self.omni_base, 'right_up_1') self.tt.move_to_pose(self.omni_base, 'top_mid_tmp') toc = time.time() return toc - tic def move_to_start(self): """Assumes we're at the top and we go back to the start. Go to lower_start_tmp to be at the same view as we started with, so that we take a c_img and compare coverage. """ self.whole_body.move_to_go() tic = time.time() self.tt.move_to_pose(self.omni_base, 'right_up_2') self.tt.move_to_pose(self.omni_base, 'right_mid_2') self.tt.move_to_pose(self.omni_base, 'right_down_2') self.tt.move_to_pose(self.omni_base, 'lower_start_tmp') toc = time.time() return toc - tic def check_card_found(self): """Looks up the pose for where the HSR's hand should go to.""" transforms = self.tl.getFrameStrings() cards = [] try: for transform in transforms: current_grasp = 'bed_' + str(self.grasp_count) if current_grasp in transform: print('found {}'.format(current_grasp)) f_p = self.tl.lookupTransform('map', transform, rospy.Time(0)) cards.append(transform) except: rospy.logerr('bed pick not found yet') return True, cards def _test_grasp(self): """Simple tests for grasping. Don't forget to process depth images. Do this independently of any rollout ... """ print("\nNow in `test_grasp` to check grasping net...") self.position_head() time.sleep(3) c_img = self.cam.read_color_data() d_img = self.cam.read_depth_data() if np.isnan(np.sum(d_img)): cv2.patchNaNs(d_img, 0.0) d_img = depth_to_net_dim(d_img, robot='HSR') pred = self.g_detector.predict(np.copy(d_img)) img = self.dp.draw_prediction(d_img, pred) print("prediction: {}".format(pred)) caption = 'G Predicted: {} (ESC to abort, other key to proceed)'.format( pred) cv2.imshow(caption, img) key = cv2.waitKey(0) if key in ESC_KEYS: print("Pressed ESC key. Terminating program...") sys.exit() def _test_success(self): """Simple tests for success net. Don't forget to process depth images. Should be done after a grasp test since I don't re-position... Note: we have access to `self.sn` but that isn't the actual net which has a `predict`, but it's a wrapper (explained above), but we can access the true network via `self.sn.sdect` and from there call `predict`. """ print("\nNow in `test_success` to check success net...") time.sleep(3) c_img = self.cam.read_color_data() d_img = self.cam.read_depth_data() if np.isnan(np.sum(d_img)): cv2.patchNaNs(d_img, 0.0) d_img = depth_to_net_dim(d_img, robot='HSR') result = self.sn.sdect.predict(np.copy(d_img)) result = np.squeeze(result) print("s-net pred: {} (if [0]<[1] failure, else success...)".format( result)) caption = 'S Predicted: {} (ESC to abort, other key to proceed)'.format( result) cv2.imshow(caption, d_img) key = cv2.waitKey(0) if key in ESC_KEYS: print("Pressed ESC key. Terminating program...") sys.exit() def _test_variables(self): """Test to see if TF variables were loaded correctly. """ vars = tf.trainable_variables() print("\ntf.trainable_variables:") for vv in vars: print(" {}".format(vv)) print("done\n")
return self.check_success(wl) def check_success(self, wl): img = self.cam.read_color_data() data = wl.label_image(img) for result in data['objects']: if (result['class'] == 0): return True, data else: return False, data if __name__ == "__main__": robot = hsrb_interface.Robot() omni_base = robot.get('omni_base') whole_body = robot.get('whole_body') cam = RGBD() wl = Python_Labeler(cam) sc = Success_Check(whole_body, None, cam, omni_base) print "RESULT ", sc.check_success(wl)
from il_ros_hsr.p_pi.bed_making.check_success import Success_Check from il_ros_hsr.p_pi.bed_making.self_supervised import Self_Supervised import il_ros_hsr.p_pi.bed_making.config_bed as cfg import cPickle as pickle import os import glob from il_ros_hsr.core.rgbd_to_map import RGBD2Map from fast_grasp_detect.data_aug.draw_cross_hair import DrawPrediction dp = DrawPrediction() #latest, 46-49 from rollout_dart sm = 0 com = COM() wl = Python_Labeler() # Meant to be run _after_ the `collect_data_bed_fast.py` script which saves these images. for rnum in range(60, 65): # path = cfg.STAT_PATH+'stat_' + str(rnum) + '/rollout.p' b_grasps = glob.glob(cfg.FAST_PATH + 'b_grasp/*_' + str(rnum) + '_*') b_success = glob.glob(cfg.FAST_PATH + 'b_success/*_' + str(rnum) + '_*') t_grasps = glob.glob(cfg.FAST_PATH + 't_grasp/*_' + str(rnum) + '_*') t_success = glob.glob(cfg.FAST_PATH + 't_success/*_' + str(rnum) + '_*') rollout_data = [] print "------GRASP-----------" for grasp in b_grasps: datum = {}
class BedMaker(): def __init__(self, args): """For data collection of bed-making, NOT the deployment. Assumes we roll out the robot's policy via code (not via human touch). This is the 'slower' way where we have the python interface that the human clicks on to indicate grasping points. Good news is, our deployment code is probably going to be similar to this. For joystick: you only need it plugged in for the initial state sampler, which (at the moment) we are not even using. """ self.robot = robot = hsrb_interface.Robot() self.rgbd_map = RGBD2Map() self.omni_base = robot.get('omni_base') self.whole_body = robot.get('whole_body') self.cam = RGBD() self.com = COM() self.wl = Python_Labeler(cam=self.cam) # View mode: STANDARD (the way I was doing earlier), CLOSE (the way they want). self.view_mode = cfg.VIEW_MODE # Set up initial state, table, etc. self.com.go_to_initial_state(self.whole_body) self.tt = TableTop() # For now, a workaround. Ugly but it should do the job ... #self.tt.find_table(robot) self.tt.make_fake_ar() self.tt.find_table_workaround(robot) #self.ins = InitialSampler(self.cam) self.side = 'BOTTOM' self.grasp_count = 0 # Bells and whistles; note the 'success check' to check if transitioning self.br = tf.TransformBroadcaster() self.tl = TransformListener() self.gp = GraspPlanner() self.gripper = Bed_Gripper(self.gp, self.cam, self.com.Options, robot.get('gripper')) self.sc = Success_Check(self.whole_body, self.tt, self.cam, self.omni_base) time.sleep(4) print( "Finished creating BedMaker()! Get the bed set up and run bed-making!" ) if cfg.INS_SAMPLE: print("TODO: we don't have sampling code here.") # When we start, spin this so we can check the frames. Then un-comment, # etc. It's the current hack we have to get around crummy AR marker detection. if args.phase == 1: print("Now doing rospy.spin() because phase = 1.") rospy.spin() def bed_make(self): """Runs the pipeline for data collection. You can run this for multiple bed-making trajectories. For now, though, assume one call to this means one trajectory. """ self.rollout_data = [] self.get_new_grasp = True # I think, creates red line in GUI where we adjust the bed to match it. # But in general we better fix our sampler before doing this for real. # Don't forget to press 'B' on the joystick to get past this screen. if cfg.INS_SAMPLE: u_c, d_c = self.ins.sample_initial_state() self.rollout_data.append([u_c, d_c]) while True: c_img = self.cam.read_color_data() d_img = self.cam.read_depth_data() if (not c_img.all() == None and not d_img.all() == None): if self.get_new_grasp: self.position_head() # Human supervisor labels. data = dictionary of relevant info data = self.wl.label_image(c_img) c_img = self.cam.read_color_data() d_img = self.cam.read_depth_data() self.add_data_point(c_img, d_img, data, self.side, 'grasp') # Broadcasts grasp pose self.gripper.find_pick_region_labeler( data, c_img, d_img, self.grasp_count) # Execute the grasp and check for success. But if VIEW_MODE is # close, better to reset to a 'nicer' position for base movement. pick_found, bed_pick = self.check_card_found() if self.side == "BOTTOM": self.whole_body.move_to_go() self.tt.move_to_pose(self.omni_base, 'lower_start') self.gripper.execute_grasp(bed_pick, self.whole_body, 'head_down') else: self.whole_body.move_to_go() self.tt.move_to_pose(self.omni_base, 'top_mid') self.gripper.execute_grasp(bed_pick, self.whole_body, 'head_up') self.check_success_state() def check_success_state(self): """ Checks whether a single grasp in a bed-making trajectory succeeded. Depends on which side of the bed the HSR is at. Invokes human supervisor and transitions the HSR if successful. """ if self.side == "BOTTOM": success, data = self.sc.check_bottom_success(self.wl) else: success, data = self.sc.check_top_success(self.wl) c_img = self.cam.read_color_data() d_img = self.cam.read_depth_data() self.add_data_point(c_img, d_img, data, self.side, 'success') print("WAS SUCCESFUL: {}".format(success)) # Handle transitioning to different side if success: if self.side == "BOTTOM": self.transition_to_top() else: self.transition_to_start() self.update_side() self.grasp_count += 1 self.get_new_grasp = True else: self.grasp_count += 1 # If grasp failure, invokes finding region again and add new data self.gripper.find_pick_region_labeler(data, c_img, d_img, self.grasp_count) self.add_data_point(c_img, d_img, data, self.side, 'grasp') self.get_new_grasp = False def update_side(self): """TODO: extend to multiple side switches?""" if self.side == "BOTTOM": self.side = "TOP" def transition_to_top(self): """Transition to top (not bottom).""" self.move_to_top_side() def transition_to_start(self): """Transition to start=bottom, save rollout data, exit program. Saves to a supervisor's directory since we're using a supervisor. """ self.com.save_rollout(self.rollout_data) self.move_to_start() sys.exit() def add_data_point(self, c_img, d_img, data, side, typ, pose=None): """Adds a dictionary to the `rollout_data` list.""" grasp_point = {} grasp_point['c_img'] = c_img grasp_point['d_img'] = d_img if pose == None: label = data['objects'][0]['box'] pose = [(label[2] - label[0]) / 2.0 + label[0], (label[3] - label[1]) / 2.0 + label[1]] grasp_point['pose'] = pose grasp_point['class'] = data['objects'][0]['class'] grasp_point['side'] = side grasp_point['type'] = typ self.rollout_data.append(grasp_point) def position_head(self): """Position the head for a grasp attempt. After playing around a bit, I think `head_tilt_joint` should be set last. """ self.whole_body.move_to_go() if self.side == "BOTTOM": self.tt.move_to_pose(self.omni_base, 'lower_start_tmp') self.whole_body.move_to_joint_positions( {'arm_flex_joint': -np.pi / 16.0}) self.whole_body.move_to_joint_positions( {'head_pan_joint': np.pi / 2.0}) self.whole_body.move_to_joint_positions({'arm_lift_joint': 0.120}) self.whole_body.move_to_joint_positions( {'head_tilt_joint': -np.pi / 4.0}) def move_to_top_side(self): """Assumes we're at the bottom and want to go to the top.""" self.whole_body.move_to_go() self.tt.move_to_pose(self.omni_base, 'right_down') self.tt.move_to_pose(self.omni_base, 'right_mid') self.tt.move_to_pose(self.omni_base, 'right_up') self.tt.move_to_pose(self.omni_base, 'top_mid_tmp') def move_to_start(self): """Assumes we're at the top and we go back to the start.""" self.whole_body.move_to_go() self.tt.move_to_pose(self.omni_base, 'right_up') self.tt.move_to_pose(self.omni_base, 'right_mid') self.tt.move_to_pose(self.omni_base, 'right_down') self.tt.move_to_pose(self.omni_base, 'lower_mid') def check_card_found(self): """Looks up the pose for where the HSR's hand should go to.""" transforms = self.tl.getFrameStrings() cards = [] try: for transform in transforms: current_grasp = 'bed_' + str(self.grasp_count) if current_grasp in transform: print('found {}'.format(current_grasp)) f_p = self.tl.lookupTransform('map', transform, rospy.Time(0)) cards.append(transform) except: rospy.logerr('bed pick not found yet') return True, cards
def __init__(self): """ For faster data collection where we manually simulate it. We move with our hands. This will give us the large datasets we need. Supports both grasping and success net data collection. If doing the grasping, DON'T MAKE IT A SUCCESS CASE where the blanket is all the way over the corner. That way we can use the images for both grasping and as failure cases for the success net. For the success net data collection, collect data at roughly a 5:1 ratio of successes:failures, and make failures the borderline cases. Then we borrow data from the grasping network to make it 5:5 or 1:1 for the actual success net training process (use another script for forming the data). We use the keys on the joystick to indicate the success/failure class. """ makedirs() self.robot = robot = hsrb_interface.Robot() self.rgbd_map = RGBD2Map() self.omni_base = self.robot.get('omni_base') self.whole_body = self.robot.get('whole_body') self.cam = RGBD() self.com = COM() self.wl = Python_Labeler(cam=self.cam) # ---------------------------------------------------------------------- # PARAMETERS TO CHANGE (well, really the 'side' and 'grasp' only). # We choose a fixed side and collect data from there, no switching. # Automatically saves based on `r_count` and counting the saved files. # `self.grasp` remains FIXED in the code, so we're either only # collecting grasp or only collecting success images. # ---------------------------------------------------------------------- self.side = 'BOTTOM' # CHANGE AS NEEDED self.grasp = False # CHANGE AS NEEDED self.grasp_count = 0 self.success_count = 0 self.true_count = 0 self.r_count = self.get_rollout_number() self.joystick = JoyStick_X(self.com) print("NOTE: grasp={} (success={}), side: {}, rollout num: {}".format( self.grasp, not self.grasp, self.side, self.r_count)) print("Press X for any SUCCESS (class 0), Y for FAILURES (class 1).") # Set up initial state, table, etc. self.com.go_to_initial_state(self.whole_body) self.tt = TableTop() # For now, a workaround. Ugly but it should do the job ... #self.tt.find_table(robot) self.tt.make_fake_ar() self.tt.find_table_workaround(robot) self.br = tf.TransformBroadcaster() self.tl = TransformListener() time.sleep(4) # When we start, spin this so we can check the frames. Then un-comment, # etc. It's the current hack we have to get around crummy AR marker detection. #rospy.spin() # THEN we position the head since that involves moving the _base_. self.position_head()
class BedMaker(): def __init__(self): ''' Initialization class for a Policy Parameters ---------- yumi : An instianted yumi robot com : The common class for the robot cam : An open bincam class debug : bool A bool to indicate whether or not to display a training set point for debuging. ''' self.robot = hsrb_interface.Robot() self.rgbd_map = RGBD2Map() self.omni_base = self.robot.get('omni_base') self.whole_body = self.robot.get('whole_body') self.side = 'BOTTOM' self.cam = RGBD() self.com = COM() if cfg.USE_WEB_INTERFACE: self.wl = Web_Labeler() else: self.wl = Python_Labeler(cam=self.cam) self.com.go_to_initial_state(self.whole_body) self.tt = TableTop() self.tt.find_table(self.robot) self.grasp_count = 0 self.br = tf.TransformBroadcaster() self.tl = TransformListener() self.ins = InitialSampler(self.cam) self.gp = GraspPlanner() self.gripper = Bed_Gripper(self.gp, self.cam, self.com.Options, self.robot.get('gripper')) self.sc = Success_Check(self.whole_body, self.tt, self.cam, self.omni_base) self.ss = Self_Supervised(self.cam) #self.test_current_point() time.sleep(4) #thread.start_new_thread(self.ql.run,()) print "after thread" def find_mean_depth(self, d_img): ''' Evaluates the current policy and then executes the motion specified in the the common class ''' indx = np.nonzero(d_img) mean = np.mean(d_img[indx]) return def bed_make(self): self.rollout_data = [] self.get_new_grasp = True if cfg.INS_SAMPLE: u_c, d_c = self.ins.sample_initial_state() self.rollout_data.append([u_c, d_c]) while True: c_img = self.cam.read_color_data() d_img = self.cam.read_depth_data() if (not c_img == None and not d_img == None): if self.get_new_grasp: self.position_head() data = self.wl.label_image(c_img) c_img = self.cam.read_color_data() d_img = self.cam.read_depth_data() self.add_data_point(c_img, d_img, data, self.side, 'grasp') self.gripper.find_pick_region_labeler( data, c_img, d_img, self.grasp_count) if cfg.SS_LEARN: grasp_points = self.ss.learn(self.whole_body, self.grasp_count) self.add_ss_data(grasp_points, data, self.side, 'grasp') pick_found, bed_pick = self.check_card_found() if self.side == "BOTTOM": self.gripper.execute_grasp(bed_pick, self.whole_body, 'head_down') else: self.gripper.execute_grasp(bed_pick, self.whole_body, 'head_up') self.check_success_state() def check_success_state(self): if self.side == "BOTTOM": success, data = self.sc.check_bottom_success(self.wl) else: success, data = self.sc.check_top_success(self.wl) c_img = self.cam.read_color_data() d_img = self.cam.read_depth_data() self.add_data_point(c_img, d_img, data, self.side, 'success') print "WAS SUCCESFUL: " print success if (success): if cfg.SS_LEARN: grasp_points = self.ss.learn(self.whole_body, self.grasp_count) self.add_ss_data(grasp_points, data, self.side, 'success') if self.side == "BOTTOM": self.transition_to_top() else: self.transition_to_start() self.update_side() self.grasp_count += 1 self.get_new_grasp = True else: self.grasp_count += 1 self.gripper.find_pick_region_labeler(data, c_img, d_img, self.grasp_count) self.add_data_point(c_img, d_img, data, self.side, 'grasp') self.get_new_grasp = False if cfg.SS_LEARN: grasp_points = self.ss.learn(self.whole_body, self.grasp_count) self.add_ss_data(grasp_points, data, self.side, 'success') def update_side(self): if self.side == "BOTTOM": self.side = "TOP" def transition_to_top(self): if cfg.DEBUG_MODE: self.com.save_rollout(self.rollout_data) self.tt.move_to_pose(self.omni_base, 'lower_mid') sys.exit() else: self.move_to_top_side() def transition_to_start(self): self.com.save_rollout(self.rollout_data) self.move_to_start() sys.exit() def add_data_point(self, c_img, d_img, data, side, typ, pose=None): grasp_point = {} grasp_point['c_img'] = c_img grasp_point['d_img'] = d_img if pose == None: label = data['objects'][0]['box'] pose = [(label[2] - label[0]) / 2.0 + label[0], (label[3] - label[1]) / 2.0 + label[1]] grasp_point['pose'] = pose grasp_point['class'] = data['objects'][0]['class'] grasp_point['side'] = side grasp_point['type'] = typ self.rollout_data.append(grasp_point) def position_head(self): if self.side == "TOP": self.whole_body.move_to_joint_positions({'head_tilt_joint': -0.8}) elif self.side == "BOTTOM": self.tt.move_to_pose(self.omni_base, 'lower_start') self.whole_body.move_to_joint_positions({'head_tilt_joint': -0.8}) def add_ss_data(self, g_points, data, side, typ): for g_point in g_points: self.add_data_point(g_point['c_img'], g_point['d_img'], data, side, typ, pose=g_point['pose']) def move_to_top_side(self): self.tt.move_to_pose(self.omni_base, 'right_down') #self.tt.move_to_pose(self.omni_base,'right_mid') self.tt.move_to_pose(self.omni_base, 'right_up') self.tt.move_to_pose(self.omni_base, 'top_mid') def move_to_start(self): self.tt.move_to_pose(self.omni_base, 'right_up') #self.tt.move_to_pose(self.omni_base,'right_mid') self.tt.move_to_pose(self.omni_base, 'right_down') self.tt.move_to_pose(self.omni_base, 'lower_mid') def check_bottom_success(self): self.tt.move_to_pose(self.omni_base, 'lower_mid') self.whole_body.move_to_joint_positions({'head_tilt_joint': -0.8}) def check_card_found(self): # try: transforms = self.tl.getFrameStrings() cards = [] try: for transform in transforms: print transform current_grasp = 'bed_' + str(self.grasp_count) if current_grasp in transform: print 'got here' f_p = self.tl.lookupTransform('map', transform, rospy.Time(0)) cards.append(transform) except: rospy.logerr('bed pick not found yet') return True, cards