This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
#!/usr/bin/env python | |
import rospy | |
import numpy as np | |
import copy | |
import tf | |
import tf.transformations as tfs | |
import geometry_msgs.msg | |
from easy_handeye.handeye_calibration import HandeyeCalibration |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
import sys | |
import argparse | |
import torch | |
def load_model_txt(model, path): | |
print('Loading...') | |
data_dict = {} | |
fin = open(path, 'r') | |
i = 0 | |
odd = 1 |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
import torch.nn as nn | |
import math | |
import torch.utils.model_zoo as model_zoo | |
import numpy as np | |
__all__ = ['ResNet', 'resnet18', 'resnet34', 'resnet50', 'resnet101', | |
'resnet152'] | |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
class ResNet(nn.Module): | |
def __init__(self, | |
block, | |
layers, | |
num_classes=1000, | |
fully_conv=False, | |
remove_avg_pool_layer=False, | |
output_stride=32, | |
additional_blocks=0, | |
multi_grid=(1,1,1) ): |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
# -*- coding: utf-8 -*- | |
from __future__ import print_function | |
from matplotlib import pyplot as plt | |
from PIL import Image | |
import numpy as np | |
import random | |
import os | |
import cv2 |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
import seaborn as sns; sns.set() | |
import matplotlib.pyplot as plt | |
import numpy as np | |
import pandas as pd | |
def plot(run_IDs, run_labels, factors, titles, | |
colors=['steelblue', 'orange', 'mediumseagreen', 'red', 'purple'], | |
ecolors=['lightblue', 'navajowhite', 'lightgreen', 'pink', 'plum'], | |
dpi=150): | |
csv_names = ['run_%d/progress.csv' % i for i in run_IDs] |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
#!/usr/bin/env python | |
import rospy | |
import numpy as np | |
import moveit_commander | |
import intera_interface | |
from copy import deepcopy | |
from geometry_msgs.msg import Pose | |
import sys | |
from visual_mpc.envs.robot_envs.sawyer.sawyer_impedance import SawyerImpedanceController | |
from visualization_msgs.msg import Marker |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
#!/usr/bin/env bash | |
#SBATCH --nodes=1 | |
#SBATCH --partition=GPU | |
#SBATCH --ntasks-per-node=1 | |
#SBATCH --time=96:00:00 | |
#SBATCH --gres=gpu:1 | |
#SBATCH --mem=8G | |
#SBATCH --exclude=compute-0-[9,11,13] | |
#SBATCH -o /home/USER/out.txt | |
#SBATCH -e /home/USER/out.txt |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
import rospy | |
import sys | |
from sensor_msgs.msg import Image | |
import pprint | |
import cv2 | |
from cv_bridge import CvBridge | |
import tf | |
import time | |
global saved_RGB |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
a = 1 | |
b = 2 | |
c = a + b |