Skip to content

Instantly share code, notes, and snippets.

View sjchoi86's full-sized avatar
🇰🇷
Back in korea

Sungjoon sjchoi86

🇰🇷
Back in korea
View GitHub Profile
import torch
import numpy as np
import networkx as nx
import matplotlib.pyplot as plt
from networkx.algorithms.traversal.depth_first_search import dfs_edges
def pr2t_torch(p, R):
"""
Convert pose to transformation matrix in PyTorch
Args:
@sjchoi86
sjchoi86 / numpy_chain.py
Created January 12, 2025 03:05
Kinematic chain using NumPy capable of doing batched FK.
import numpy as np
import networkx as nx
import matplotlib.pyplot as plt
from networkx.algorithms.traversal.depth_first_search import dfs_edges
"""
sys.path.append('../../package/kinematics_helper/') # for 'transforms'
"""
from transforms import (
rodrigues,
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
@sjchoi86
sjchoi86 / demo_tf_cnn_cls.ipynb
Created June 3, 2022 12:11
demo_tf_cnn_cls.ipynb
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
@sjchoi86
sjchoi86 / yolo_v5_custom_train.ipynb
Created May 31, 2022 00:31
yolo_v5_custom_train.ipynb
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
@sjchoi86
sjchoi86 / demo_02_dpp.ipynb
Created October 16, 2020 04:50
yart/project/2021_ICRA_UMR/script/demo_02_dpp.ipynb
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
@sjchoi86
sjchoi86 / demo_05_contrastive_loss_negative_fix.ipynb
Created October 8, 2020 09:24
yart/project/2021_ICRA_UMR/script/demo_05_contrastive_loss_negative_fix.ipynb
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.