예제 #1
0
    def __init__(self):
        # Init pygame
        pygame.init()

        # Creat pygame window
        pygame.display.set_caption("control stream")
        self.screen = pygame.display.set_mode([960, 720])
        # self.screen = pygame.display.set_mode([416, 416])

        # Init Tello object that interacts with the Tello drone
        self.tello = Tello()
        self.actor = Actor(30.0)
        self.actor.load_state_dict(torch.load("agents/actor.pth"))

        # Drone velocities between -100~100
        self.for_back_velocity = 0
        self.left_right_velocity = 0
        self.up_down_velocity = 0
        self.yaw_velocity = 0
        self.speed = 60

        self.send_rc_control = False

        # create update timer
        pygame.time.set_timer(USEREVENT + 1, 50)
예제 #2
0
    def __init__(self, task, learning_rate_actor=0.0002,
            learning_rate_critic=0.00003, gamma=0.99, tau=0.01):
        self.task = task
        self.state_size = task.state_size
        self.action_size = task.action_size
        self.action_low = task.action_low
        self.action_high = task.action_high
        self.action_range = self.action_high - self.action_low

        # Actor (Policy) Model
        self.actor_local = Actor(self.state_size, self.action_size,
                                 self.action_low, self.action_high,
                                 learning_rate=learning_rate_actor)
        self.actor_target = Actor(self.state_size, self.action_size,
                                  self.action_low, self.action_high,
                                  learning_rate=learning_rate_actor)

        # Critic (Value) Model
        self.critic_local = Critic(self.state_size, self.action_size,
                                   learning_rate=learning_rate_critic)
        self.critic_target = Critic(self.state_size, self.action_size,
                                    learning_rate=learning_rate_critic)

        # Initialize target model parameters with local model parameters
        self.critic_target.model.set_weights(
            self.critic_local.model.get_weights())
        self.actor_target.model.set_weights(
            self.actor_local.model.get_weights())

        # Noise process
        self.noise = OUNoise(size=self.action_size, mu=0, theta=0.15, sigma=0.5)

        # Replay memory
        self.batch_size = 64
        self.memory = ReplayBuffer(batch_size=self.batch_size)

        # Algorithm parameters
        self.gamma = gamma  # discount factor
        self.tau = tau  # for soft update of target parameters

        self.last_state = None

        self.reset_episode()
예제 #3
0
def drone():
    actor = Actor(30.0)
    cap = cv2.VideoCapture(1, cv2.CAP_DSHOW)
    should_stop = False

    while not should_stop:
        ret, frame = cap.read()
        # frame = cap.frame
        # frame = contrast_image_correction(frame)        # HDR校正
        hsv = cv2.cvtColor(frame, cv2.COLOR_BGR2HSV)
        green_mask = cv2.inRange(
            hsv, greenLower, greenUpper
        )  # 将低于lower_red和高于upper_red的部分分别变成0,lower_red~upper_red之间的值变成255
        kernel = cv2.getStructuringElement(cv2.MORPH_RECT, (10, 10))
        green_mask = cv2.morphologyEx(green_mask, cv2.MORPH_OPEN,
                                      kernel)  # 开操作
        green_mask = cv2.morphologyEx(green_mask, cv2.MORPH_CLOSE,
                                      kernel)  # 闭操作
        cnts, hie = cv2.findContours(green_mask, cv2.RETR_TREE,
                                     cv2.CHAIN_APPROX_SIMPLE)

        if len(cnts) > 3:
            cnts.sort(key=cv2.contourArea, reverse=True)
            x1, y1, w1, h1 = cv2.boundingRect(cnts[0])
            x2, y2, w2, h2 = cv2.boundingRect(cnts[1])
            x3, y3, w3, h3 = cv2.boundingRect(cnts[2])
            x4, y4, w4, h4 = cv2.boundingRect(cnts[3])

            center1 = (int(x1 + w1 / 2), int(y1 + h1 / 2))
            center2 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
            center3 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
            center4 = (int(x4 + w4 / 2), int(y4 + h4 / 2))

            center = (int(
                (center1[0] + center2[0] + center3[0] + center4[0]) /
                4), int(
                    (center1[1] + center2[1] + center3[1] + center4[1]) / 4))
            cv2.circle(frame, center, 5, (0, 0, 255), -1)

            cnt = torch.Tensor(center)
            actions = actor(cnt)
            actions = actions.cpu().data.numpy()
            print(actions)

        cv2.imshow("xx", green_mask)
        cv2.imshow("Frame", frame)
        k = cv2.waitKey(1)
        if k == 27:
            break
예제 #4
0
class MyAgent():
    """Reinforcement Learning agent that learns using DDPG."""

    def __init__(self, task, learning_rate_actor=0.0002,
            learning_rate_critic=0.00003, gamma=0.99, tau=0.01):
        self.task = task
        self.state_size = task.state_size
        self.action_size = task.action_size
        self.action_low = task.action_low
        self.action_high = task.action_high
        self.action_range = self.action_high - self.action_low

        # Actor (Policy) Model
        self.actor_local = Actor(self.state_size, self.action_size,
                                 self.action_low, self.action_high,
                                 learning_rate=learning_rate_actor)
        self.actor_target = Actor(self.state_size, self.action_size,
                                  self.action_low, self.action_high,
                                  learning_rate=learning_rate_actor)

        # Critic (Value) Model
        self.critic_local = Critic(self.state_size, self.action_size,
                                   learning_rate=learning_rate_critic)
        self.critic_target = Critic(self.state_size, self.action_size,
                                    learning_rate=learning_rate_critic)

        # Initialize target model parameters with local model parameters
        self.critic_target.model.set_weights(
            self.critic_local.model.get_weights())
        self.actor_target.model.set_weights(
            self.actor_local.model.get_weights())

        # Noise process
        self.noise = OUNoise(size=self.action_size, mu=0, theta=0.15, sigma=0.5)

        # Replay memory
        self.batch_size = 64
        self.memory = ReplayBuffer(batch_size=self.batch_size)

        # Algorithm parameters
        self.gamma = gamma  # discount factor
        self.tau = tau  # for soft update of target parameters

        self.last_state = None

        self.reset_episode()

    def reset_episode(self):
        self.noise.reset()
        state = self.task.reset()
        self.last_state = state
        return state

    def step(self, action, reward, next_state, done):
        # Save experience / reward
        self.memory.add(self.last_state, action, reward, next_state, done)

        # Learn, if enough samples are available in memory
        if len(self.memory) > self.batch_size:
            experiences = self.memory.sample()
            self.learn(experiences)

        # Roll over last state and action
        self.last_state = next_state

    def act(self, state):
        """Returns actions for given state(s) as per current policy."""
        state = np.reshape(state, [-1, self.state_size])
        action = self.actor_local.model.predict(state)[0]
        return list(
            action + self.noise.sample())  # add some noise for exploration

    def learn(self, experiences):
        """Update policy and value parameters using given batch of experience tuples."""
        # Convert experience tuples to separate arrays for each element (states, actions, rewards, etc.)
        states = np.vstack([e.state for e in experiences if e is not None])
        actions = np.array(
            [e.action for e in experiences if e is not None]).astype(
            np.float32).reshape(-1, self.action_size)
        rewards = np.array(
            [e.reward for e in experiences if e is not None]).astype(
            np.float32).reshape(-1, 1)
        dones = np.array([e.done for e in experiences if e is not None]).astype(
            np.uint8).reshape(-1, 1)
        next_states = np.vstack(
            [e.next_state for e in experiences if e is not None])

        # Get predicted next-state actions and Q values from target models
        #     Q_targets_next = critic_target(next_state, actor_target(next_state))
        actions_next = self.actor_target.model.predict_on_batch(next_states)
        Q_targets_next = self.critic_target.model.predict_on_batch(
            [next_states, actions_next])

        # Compute Q targets for current states and train critic model (local)
        Q_targets = rewards + self.gamma * Q_targets_next * (1 - dones)
        self.critic_local.model.train_on_batch(x=[states, actions], y=Q_targets)

        # Train actor model (local)
        action_gradients = np.reshape(
            self.critic_local.get_action_gradients([states, actions, 0]),
            (-1, self.action_size))
        self.actor_local.train_fn(
            [states, action_gradients, 1])  # custom training function

        # Soft-update target models
        self.soft_update(self.critic_local.model, self.critic_target.model)
        self.soft_update(self.actor_local.model, self.actor_target.model)

    def soft_update(self, local_model, target_model):
        """Soft update model parameters."""
        local_weights = np.array(local_model.get_weights())
        target_weights = np.array(target_model.get_weights())

        assert len(local_weights) == len(
            target_weights), "Local and target model parameters must have the same size"

        new_weights = self.tau * local_weights + (1 - self.tau) * target_weights
        target_model.set_weights(new_weights)
예제 #5
0
class TelloControl(object):
    """ Maintains the Tello display and moves it through the keyboard keys.
        Press escape key to quit.
        The controls are:
            - T: Takeoff
            - L: Land
            - Arrow keys: Forward, backward, left and right.
            - A and D: Counter clockwise and clockwise rotations
            - W and S: Up and down.
    """
    def __init__(self):
        # Init pygame
        pygame.init()

        # Creat pygame window
        pygame.display.set_caption("control stream")
        self.screen = pygame.display.set_mode([960, 720])
        # self.screen = pygame.display.set_mode([416, 416])

        # Init Tello object that interacts with the Tello drone
        self.tello = Tello()
        self.actor = Actor(30.0)
        self.actor.load_state_dict(torch.load("agents/actor.pth"))

        # Drone velocities between -100~100
        self.for_back_velocity = 0
        self.left_right_velocity = 0
        self.up_down_velocity = 0
        self.yaw_velocity = 0
        self.speed = 60

        self.send_rc_control = False

        # create update timer
        pygame.time.set_timer(USEREVENT + 1, 50)
        # pygame.time.set_timer(USEREVENT + 2, 250)

        # Run thread to find box in frame
        # print('init done')

    def run(self):
        if not self.tello.connect():
            print("Tello not connected")
            return
        if not self.tello.set_speed(self.speed):
            print("Not set speed to lowest possible")
            return

        self.tello.streamoff()
        self.tello.streamon()
        cap = self.tello.get_frame_read()

        should_stop = False
        dstImage = None
        # print('loop started')

        while not should_stop:
            frame = cap.frame  # 摄像头读取一帧
            for event in pygame.event.get():
                if event.type == USEREVENT + 1:
                    self.update()
                elif event.type == QUIT:
                    should_stop = True
                elif event.type == KEYDOWN:
                    if event.key == K_ESCAPE:
                        should_stop = True
                    else:
                        self.keydown(event.key)
                elif event.type == KEYUP:
                    self.keyup(event.key)

            self.screen.fill([0, 0, 0])

            hsv = cv2.cvtColor(frame, cv2.COLOR_BGR2HSV)
            green_mask = cv2.inRange(
                hsv, Lower, Upper
            )  # 将低于lower_red和高于upper_red的部分分别变成0,lower_red~upper_red之间的值变成255
            kernel = cv2.getStructuringElement(cv2.MORPH_RECT, (10, 10))
            green_mask = cv2.morphologyEx(green_mask, cv2.MORPH_OPEN,
                                          kernel)  # 开操作
            green_mask = cv2.morphologyEx(green_mask, cv2.MORPH_CLOSE,
                                          kernel)  # 闭操作
            cnts, hie = cv2.findContours(green_mask, cv2.RETR_TREE,
                                         cv2.CHAIN_APPROX_SIMPLE)

            if len(cnts) > 3:
                cnts.sort(key=cv2.contourArea, reverse=True)
                x1, y1, w1, h1 = cv2.boundingRect(cnts[0])
                x2, y2, w2, h2 = cv2.boundingRect(cnts[1])
                x3, y3, w3, h3 = cv2.boundingRect(cnts[2])
                x4, y4, w4, h4 = cv2.boundingRect(cnts[3])

                x1 = x1 + 1
                y1 = y1 + 1
                x2 = x2 + 1
                y2 = y2 + 1
                x3 = x3 + 1
                y3 = y3 + 1
                x4 = x4 + 1
                y4 = y4 + 1

                if min(x1 * y1, x2 * y2, x3 * y3, x4 * y4) == x1 * y1:
                    center1 = (int(x1 + w1 / 2), int(y1 + h1 / 2))
                    part1 = (int(x1 + w1), int(y1 + h1))
                    if min(abs(x2 - x1), abs(x3 - x1),
                           abs(x4 - x1)) == abs(x2 - x1):  # 3
                        center3 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                        part3 = (int(x2 + w2), int(y2))
                        if min(abs(y3 - y1),
                               abs(y4 - y1)) == abs(y3 - y1):  # 2
                            center2 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                            part2 = (int(x3), int(y3 + h3))
                            center4 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                            part4 = (int(x4), int(y4))
                        else:
                            center2 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                            part2 = (int(x4), int(y4 + h4))
                            center4 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                            part4 = (int(x3), int(y3))
                    elif min(abs(x2 - x1), abs(x3 - x1),
                             abs(x4 - x1)) == abs(x3 - x1):
                        center3 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                        part3 = (int(x3 + w3), int(y3))
                        if min(abs(y2 - y1),
                               abs(y4 - y1)) == abs(y2 - y1):  # 2
                            center2 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                            part2 = (int(x2), int(y2 + h2))
                            center4 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                            part4 = (int(x4), int(y4))
                        else:
                            center2 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                            part2 = (int(x4), int(y4 + h4))
                            center4 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                            part4 = (int(x2), int(y2))
                    else:
                        center3 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                        part3 = (int(x4 + w4), int(y4))
                        if min(abs(y2 - y1),
                               abs(y3 - y1)) == abs(y2 - y1):  # 2
                            center2 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                            part2 = (int(x2), int(y2 + h2))
                            center4 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                            part4 = (int(x3), int(y3))
                        else:
                            center2 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                            part2 = (int(x3), int(y3 + h3))
                            center4 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                            part4 = (int(x2), int(y2))
                elif min(x1 * y1, x2 * y2, x3 * y3, x4 * y4) == x2 * y2:
                    center1 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                    part1 = (int(x2 + w2), int(y2 + h2))
                    if min(abs(x1 - x2), abs(x3 - x2),
                           abs(x4 - x2)) == abs(x1 - x2):  # 3
                        center3 = (int(x1 + w1 / 2), int(y1 + h1 / 2))
                        part3 = (int(x1 + w1), int(y1))
                        if min(abs(y3 - y2),
                               abs(y4 - y2)) == abs(y3 - y2):  # 2
                            center2 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                            part2 = (int(x3), int(y3 + h3))
                            center4 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                            part4 = (int(x4), int(y4))
                        else:
                            center2 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                            part2 = (int(x4), int(y4 + h4))
                            center4 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                            part4 = (int(x3), int(y3))
                    elif min(abs(x1 - x2), abs(x3 - x2),
                             abs(x4 - x2)) == abs(x3 - x2):
                        center3 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                        part3 = (int(x3 + w3), int(y3))
                        if min(abs(y1 - y2),
                               abs(y4 - y2)) == abs(y1 - y2):  # 2
                            center2 = (int(x1 + w1 / 2), int(y1 + h1 / 2))
                            part2 = (int(x1), int(y1 + h1))
                            center4 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                            part4 = (int(x4), int(y4))
                        else:
                            center2 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                            part2 = (int(x4), int(y4 + h4))
                            center4 = (int(x1 + w1 / 2), int(y1 + h1 / 2))
                            part4 = (int(x1), int(y1))
                    else:
                        center3 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                        part3 = (int(x4 + w4), int(y4))
                        if min(abs(y1 - y2),
                               abs(y3 - y2)) == abs(y1 - y2):  # 2
                            center2 = (int(x1 + w1 / 2), int(y1 + h1 / 2))
                            part2 = (int(x1), int(y1 + h1))
                            center4 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                            part4 = (int(x3), int(y3))
                        else:
                            center2 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                            part2 = (int(x3), int(y3 + h3))
                            center4 = (int(x1 + w1 / 2), int(y1 + h1 / 2))
                            part4 = (int(x1), int(y1))
                elif min(x1 * y1, x2 * y2, x3 * y3, x4 * y4) == x3 * y3:
                    center1 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                    part1 = (int(x3 + w3), int(y3 + h3))
                    if min(abs(x1 - x3), abs(x2 - x3),
                           abs(x4 - x3)) == abs(x1 - x3):  # 3
                        center3 = (int(x1 + w1 / 2), int(y1 + h1 / 2))
                        part3 = (int(x1 + w1), int(y1))
                        if min(abs(y2 - y3),
                               abs(y4 - y3)) == abs(y2 - y3):  # 2
                            center2 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                            part2 = (int(x2), int(y2 + h2))
                            center4 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                            part4 = (int(x4), int(y4))
                        else:
                            center2 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                            part2 = (int(x4), int(y4 + h4))
                            center4 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                            part4 = (int(x2), int(y2))
                    elif min(abs(x1 - x3), abs(x2 - x3),
                             abs(x4 - x3)) == abs(x2 - x3):
                        center3 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                        part3 = (int(x2 + w2), int(y2))
                        if min(abs(y1 - y3),
                               abs(y4 - y3)) == abs(y1 - y3):  # 2
                            center2 = (int(x1 + w1 / 2), int(y1 + h1 / 2))
                            part2 = (int(x1), int(y1 + h1))
                            center4 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                            part4 = (int(x4), int(y4))
                        else:
                            center2 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                            part2 = (int(x4), int(y4 + h4))
                            center4 = (int(x1 + w1 / 2), int(y1 + h1 / 2))
                            part4 = (int(x1), int(y1))
                    else:
                        center3 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                        part3 = (int(x4 + w4), int(y4))
                        if min(abs(y1 - y3),
                               abs(y2 - y3)) == abs(y1 - y3):  # 2
                            center2 = (int(x1 + w1 / 2), int(y1 + h1 / 2))
                            part2 = (int(x1), int(y1 + h1))
                            center4 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                            part4 = (int(x2), int(y2))
                        else:
                            center2 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                            part2 = (int(x2), int(y2 + h2))
                            center4 = (int(x1 + w1 / 2), int(y1 + h1 / 2))
                            part4 = (int(x1), int(y1))
                else:
                    center1 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                    part1 = (int(x4 + w4), int(y4 + h4))
                    if min(abs(x1 - x4), abs(x2 - x4),
                           abs(x3 - x4)) == abs(x1 - x4):  # 3
                        center3 = (int(x1 + w1 / 2), int(y1 + h1 / 2))
                        part3 = (int(x1 + w1), int(y1))
                        if min(abs(y2 - y4),
                               abs(y3 - y4)) == abs(y2 - y4):  # 2
                            center2 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                            part2 = (int(x2), int(y2 + h2))
                            center4 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                            part4 = (int(x3), int(y3))
                        else:
                            center2 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                            part2 = (int(x3), int(y3 + h3))
                            center4 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                            part4 = (int(x2), int(y2))
                    elif min(abs(x1 - x4), abs(x2 - x4),
                             abs(x3 - x4)) == abs(x2 - x4):
                        center3 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                        part3 = (int(x2 + w2), int(y2))
                        if min(abs(y1 - y4),
                               abs(y3 - y4)) == abs(y1 - y4):  # 2
                            center2 = (int(x1 + w1 / 2), int(y1 + h1 / 2))
                            part2 = (int(x1), int(y1 + h1))
                            center4 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                            part4 = (int(x3), int(y3))
                        else:
                            center2 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                            part2 = (int(x3), int(y3 + h3))
                            center4 = (int(x1 + w1 / 2), int(y1 + h1 / 2))
                            part4 = (int(x1), int(y1))
                    else:
                        center3 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                        part3 = (int(x3 + w3), int(y3))
                        if min(abs(y1 - y4),
                               abs(y2 - y4)) == abs(y1 - y4):  # 2
                            center2 = (int(x1 + w1 / 2), int(y1 + h1 / 2))
                            part2 = (int(x1), int(y1 + h1))
                            center4 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                            part4 = (int(x2), int(y2))
                        else:
                            center2 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                            part2 = (int(x2), int(y2 + h2))
                            center4 = (int(x1 + w1 / 2), int(y1 + h1 / 2))
                            part4 = (int(x1), int(y1))

                # if min(abs(x2 - x1), abs(x3 - x1), abs(x4 - x1)) == abs(x2 - x1):  # 3
                #     center3 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                #     part3 = (int(x2 + w2), int(y2))
                #     if min(abs(y3 - y1), abs(y4 - y1)) == abs(y3 - y1):  # 2
                #         center2 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                #         part2 = (int(x3), int(y3 + h3))
                #         center4 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                #         part4 = (int(x4), int(y4))
                #     else:
                #         center2 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                #         part2 = (int(x4), int(y4 + h4))
                #         center4 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                #         part4 = (int(x3), int(y3))
                # elif min(abs(x2 - x1), abs(x3 - x1), abs(x4 - x1)) == abs(x3 - x1):
                #     center3 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                #     part3 = (int(x3 + w3), int(y3))
                #     if min(abs(y2 - y1), abs(y4 - y1)) == abs(y2 - y1):  # 2
                #         center2 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                #         part2 = (int(x2), int(y2 + h2))
                #         center4 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                #         part4 = (int(x4), int(y4))
                #     else:
                #         center2 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                #         part2 = (int(x4), int(y4 + h4))
                #         center4 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                #         part4 = (int(x2), int(y2))
                # else:
                #     center3 = (int(x4 + w4 / 2), int(y4 + h4 / 2))
                #     part3 = (int(x4 + w4), int(y4))
                #     if min(abs(y2 - y1), abs(y3 - y1)) == abs(y2 - y1):  # 2
                #         center2 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                #         part2 = (int(x2), int(y2 + h2))
                #         center4 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                #         part4 = (int(x3), int(y3))
                #     else:
                #         center2 = (int(x3 + w3 / 2), int(y3 + h3 / 2))
                #         part2 = (int(x3), int(y3 + h3))
                #         center4 = (int(x2 + w2 / 2), int(y2 + h2 / 2))
                #         part4 = (int(x2), int(y2))

                center = (
                    int((center1[0] + center2[0] + center3[0] + center4[0]) /
                        4),
                    int((center1[1] + center2[1] + center3[1] + center4[1]) /
                        4))

                # pts = np.float32(
                #     [[part1[0], part1[1]], [part2[0], part2[1]], [part3[0], part3[1]], [part4[0], part4[1]]])
                pts = np.float32([[center1[0], center1[1]],
                                  [center2[0], center2[1]],
                                  [center3[0], center3[1]],
                                  [center4[0], center4[1]]])
                # dst = np.float32([[0, 0], [608, 0], [0, 608], [608, 608]])
                dst = np.float32([[0, 0], [640, 0], [0, 480], [640, 480]])
                # srcPic = frame[part1[1]:part3[1], part1[0]:part2[0]]

                M = cv2.getPerspectiveTransform(pts, dst)
                # dstImage = cv2.warpPerspective(frame, M, (608, 608))
                dstImage = cv2.warpPerspective(frame, M, (640, 480))

                w = max(abs(center1[0] - center2[0]),
                        abs(center1[0] - center3[0]),
                        abs(center1[0] - center4[0]))
                h = max(abs(center1[1] - center2[1]),
                        abs(center1[1] - center3[1]),
                        abs(center1[1] - center4[1]))
                # delta = min(abs(center2[1]-center1[1]), abs(center3[1]-center1[1]), abs(center4[1]-center1[1]))
                # temp_a = center2[1]-center1[1]
                # temp_b = center3[1]-center1[1]
                # temp_c = center4[1]-center1[1]
                # delta = min(abs(temp_a), abs(temp_b), abs(temp_c))
                # flag = bool(temp_a * temp_b * temp_c > 0)   # 左偏

                percent = (w * h / 691200.) * 100.0
                cnt = torch.Tensor(center)
                actions = self.actor(cnt)
                actions = actions.cpu().data.numpy()
                # actions = speedControlLinear(center)

                # done = bool(get_dist(center[0], center[1]) < 60 and (percent > 40)) and (delta < 10)
                done = bool(
                    get_dist(center[0], center[1]) < 60 and (percent > 40))
                if not done:
                    self.yaw_velocity = -int(actions[0])  # 强化学习需要加"-"
                    self.up_down_velocity = int(actions[1])
                    if percent < 40:
                        self.for_back_velocity = 13
                        # if delta > 10:
                        #     # self.left_right_velocity = 10
                        #     # self.yaw_velocity = -10
                        #     if flag:
                        #         self.left_right_velocity = 10
                        #         self.yaw_velocity = -10
                        #     else:
                        #         self.left_right_velocity = -10
                        #         self.yaw_velocity = 10
                    # cv2.circle(frame, center, 5, (255, 0, 0), -1)
                else:
                    self.yaw_velocity = 0
                    self.up_down_velocity = 0
                    self.for_back_velocity = 0
            else:
                self.for_back_velocity = -15
                self.yaw_velocity = -self.yaw_velocity / 2
                self.up_down_velocity = 0
                # self.up_down_velocity = -self.up_down_velocity/2

            # frame = cv2.circle(frame, (480, 360), 5,(0, 0, 255),-1)
            cv2.imshow("xx", green_mask)
            if dstImage is not None:
                cv2.imshow("dst", dstImage)
            k = cv2.waitKey(1)
            if k == 27:
                break

            frame = np.rot90(frame)
            # frame = np.rot90(dstImage)
            frame = np.flipud(frame)
            frame = cv2.cvtColor(frame, cv2.COLOR_BGR2RGB)
            frame = pygame.surfarray.make_surface(frame)
            self.screen.blit(frame, (0, 0))
            pygame.display.update()

            # time.sleep(0.1)

        # Call it always before finishing. I deallocate resources.
        self.tello.end()

    def keydown(self, key):
        """ Update velocities based on key pressed
        Arguments:
            key: pygame key
        """
        if key == pygame.K_UP:  # set forward velocity      ↑键前进
            self.for_back_velocity = S
        elif key == pygame.K_DOWN:  # set backward velocity     ↓键后退
            self.for_back_velocity = -S
        elif key == pygame.K_LEFT:  # set left velocity         ←键左移
            self.left_right_velocity = -S
        elif key == pygame.K_RIGHT:  # set right velocity       →键右移
            self.left_right_velocity = S
        elif key == pygame.K_w:  # set up velocity              w键上升
            self.up_down_velocity = S
        elif key == pygame.K_s:  # set down velocity            s键下降
            self.up_down_velocity = -S
        elif key == pygame.K_a:  # set yaw counter clockwise velocity       a键逆时针
            self.yaw_velocity = -S
        elif key == pygame.K_d:  # set yaw clockwise velocity       d键顺时针
            self.yaw_velocity = S

    def keyup(self, key):
        """ Update velocities based on key released
        Arguments:
            key: pygame key
        """
        if key == pygame.K_UP or key == pygame.K_DOWN:  # set zero forward/backward velocity
            self.for_back_velocity = 0
        elif key == pygame.K_LEFT or key == pygame.K_RIGHT:  # set zero left/right velocity
            self.left_right_velocity = 0
        elif key == pygame.K_w or key == pygame.K_s:  # set zero up/down velocity
            self.up_down_velocity = 0
        elif key == pygame.K_a or key == pygame.K_d:  # set zero yaw velocity
            self.yaw_velocity = 0
        elif key == pygame.K_t:  # takeoff
            self.tello.takeoff()
            # self.tello.move_up(30)
            self.yaw_velocity = 0
            self.up_down_velocity = 0
            self.for_back_velocity = 0
            self.send_rc_control = True
        elif key == pygame.K_l:  # land
            self.tello.land()
            self.send_rc_control = False

    def update(self):
        """ Update routine. Send velocities to Tello."""
        if self.send_rc_control:
            self.tello.send_rc_control(self.left_right_velocity,
                                       self.for_back_velocity,
                                       self.up_down_velocity,
                                       self.yaw_velocity)

    def reset_speed(self):
        """ Update routine. Send velocities to Tello."""
        if self.send_rc_control:
            self.tello.send_rc_control(0, 0, 0, 0)