Difference between revisions of "JoelBurdick"

From Robotics
Jump to: navigation, search
m (Reinforcement Learning)
m (WeighCam)
(29 intermediate revisions by the same user not shown)
Line 130: Line 130:
 
==== Opensource ====
 
==== Opensource ====
 
* '''ROS:''' [http://www.ros.org/wiki/ ROS]; [http://www.ros.org/wiki/chomp_motion_planner ROS CHOMP Motion Planner];
 
* '''ROS:''' [http://www.ros.org/wiki/ ROS]; [http://www.ros.org/wiki/chomp_motion_planner ROS CHOMP Motion Planner];
 +
* [https://drake.mit.edu/ Drake Robot Modeling/Simulation];
 
* [http://slam6d.sourceforge.net 6D Slam@sourceforge]; [http://www.robots.ox.ac.uk/~mobile Fast Appearance Based mapping]; [http://www.chai3d.org Chai3D] (haptics); [http://www.kineocam.com/kitelab KiteLab]; [http://petercorke.com/Home.html Peter Corke\'s tool boxes]; [http://gatmo.org/ GATMO (moving object SLAM)]; [https://www.cs.drexel.edu/~kon/3DGSS/ 3D scale space];
 
* [http://slam6d.sourceforge.net 6D Slam@sourceforge]; [http://www.robots.ox.ac.uk/~mobile Fast Appearance Based mapping]; [http://www.chai3d.org Chai3D] (haptics); [http://www.kineocam.com/kitelab KiteLab]; [http://petercorke.com/Home.html Peter Corke\'s tool boxes]; [http://gatmo.org/ GATMO (moving object SLAM)]; [https://www.cs.drexel.edu/~kon/3DGSS/ 3D scale space];
 
* [http://openrave.programmingvision.com/index.php/Main_Page OpenRave] (main); [http://openrave.programmingvision.com/ordocs/en/html/index.html OpenRAVE]; [http://sourceforge.net/projects/opengrasp/ OpenGrasp];
 
* [http://openrave.programmingvision.com/index.php/Main_Page OpenRave] (main); [http://openrave.programmingvision.com/ordocs/en/html/index.html OpenRAVE]; [http://sourceforge.net/projects/opengrasp/ OpenGrasp];
Line 286: Line 287:
 
* [http://neuralnetworksanddeeplearning.com/ Neural Networks & Deep Learning]; [http://deeplearning.net/tutorial/lenet.html DeepLearnet.net];
 
* [http://neuralnetworksanddeeplearning.com/ Neural Networks & Deep Learning]; [http://deeplearning.net/tutorial/lenet.html DeepLearnet.net];
 
* [http://www.kdnuggets.com/2015/07/deep-learning-triumph-empiricism-over-theoretical-mathematical-guarantees.html Deep Learning Blog]; [http://timdettmers.com/2015/03/26/convolution-deep-learning/ Understanding Convolution in Deep Learning];
 
* [http://www.kdnuggets.com/2015/07/deep-learning-triumph-empiricism-over-theoretical-mathematical-guarantees.html Deep Learning Blog]; [http://timdettmers.com/2015/03/26/convolution-deep-learning/ Understanding Convolution in Deep Learning];
* [http://deeplearning.net/tutorial/deeplearning.pdf  Deep Learning Tutorial];
+
* [http://deeplearning.net/tutorial/deeplearning.pdf  Deep Learning Tutorial]; [https://cds.nyu.edu/deep-learning/ LeCunn NYU DL course];
 
* '''Convolution:''' [http://timdettmers.com/2015/03/26/convolution-deep-learning/ Understanding Convolution In Deep Learning]; [https://www.cs.unc.edu/~wliu/papers/GoogLeNet.pdf Going Deeper with Convolutions/GoogLeNet]; [https://medium.com/@ageitgey/machine-learning-is-fun-part-3-deep-learning-and-convolutional-neural-networks-f40359318721#.k8qzvrmzv Deep Learning and Convolutional Nets]; [https://brohrer.github.io/how_convolutional_neural_networks_work.html How Do Convolutional Nets Work?]; [https://ujjwalkarn.me/2016/08/11/intuitive-explanation-convnets/ Intuitive Explanation of Convolutional Neural Networks];
 
* '''Convolution:''' [http://timdettmers.com/2015/03/26/convolution-deep-learning/ Understanding Convolution In Deep Learning]; [https://www.cs.unc.edu/~wliu/papers/GoogLeNet.pdf Going Deeper with Convolutions/GoogLeNet]; [https://medium.com/@ageitgey/machine-learning-is-fun-part-3-deep-learning-and-convolutional-neural-networks-f40359318721#.k8qzvrmzv Deep Learning and Convolutional Nets]; [https://brohrer.github.io/how_convolutional_neural_networks_work.html How Do Convolutional Nets Work?]; [https://ujjwalkarn.me/2016/08/11/intuitive-explanation-convnets/ Intuitive Explanation of Convolutional Neural Networks];
 +
* [https://medium.com/@techynilesh/xgboost-algorithm-explained-in-less-than-5-minutes-b561dcc1ccee XGBoost];
 
* [https://cloud.google.com/vertex-ai Google Vertex AI];
 
* [https://cloud.google.com/vertex-ai Google Vertex AI];
 
* [https://manasraza.medium.com/resources-for-learning-graph-neural-networks-52961790ce7 Resources for Graph neural Networks]
 
* [https://manasraza.medium.com/resources-for-learning-graph-neural-networks-52961790ce7 Resources for Graph neural Networks]
 +
 +
==== Graph Neural Networks ====
 +
* [https://distill.pub/2021/gnn-intro/ Gentle Intro Graph Neural Nets];
  
 
==== Reinforcement Learning ====
 
==== Reinforcement Learning ====
 
* Scholarpedia page on [http://www.scholarpedia.org/article/Reinforcement_learning Reinforcement Learning]; [https://omscs.gatech.edu/cs-7642-reinforcement-learning GT RL]
 
* Scholarpedia page on [http://www.scholarpedia.org/article/Reinforcement_learning Reinforcement Learning]; [https://omscs.gatech.edu/cs-7642-reinforcement-learning GT RL]
 +
 +
==== LSTM ====
 +
* [https://medium.com/analytics-vidhya/how-long-dependencies-can-lstm-t-cnn-really-remember-df3720dd4e4a LSTM and CNN memory]
  
 
==== Variational AutoEncoders ====
 
==== Variational AutoEncoders ====
 
* [https://medium.com/@j.zh/mathematics-behind-variational-autoencoders-c69297301957 Math behind variational autoencoders]
 
* [https://medium.com/@j.zh/mathematics-behind-variational-autoencoders-c69297301957 Math behind variational autoencoders]
 +
 +
==== Gauusian Processes ====
 +
* [https://invenia.github.io/blog/2021/02/19/OILMM-pt1/ VectorValued GPs]; [https://distill.pub/2019/visual-exploration-gaussian-processes/ Visual Exploration GPs]
  
 
==== Semantic Segmentation ====
 
==== Semantic Segmentation ====
* [https://nanonets.com/blog/semantic-image-segmentation-2020/ 2021 Guide to Semantic Segmentation]; [https://www.jeremyjordan.me/semantic-segmentation/ Overview Semantic Segmentation]; [https://divamgupta.com/image-segmentation/2019/06/06/deep-learning-semantic-segmentation-keras.html Beginner's Guide Deep Learning for Semantic Segmentation];
+
* [https://nanonets.com/blog/semantic-image-segmentation-2020/ 2021 Guide to Semantic Segmentation]; [https://www.jeremyjordan.me/semantic-segmentation/ Overview Semantic Segmentation]; [https://divamgupta.com/image-segmentation/2019/06/06/deep-learning-semantic-segmentation-keras.html Beginner's Guide Deep Learning for Semantic Segmentation]; [https://medium.com/ching-i/image-segmentation-semantic-segmentation-1-eb727d2b132f Image Segmentation-Semantic Segmentation I]
 +
 
 +
==== Attention ====
 +
* [https://medium.com/@mlquest0/explained-reverse-attention-network-in-image-segmentation-baa6bdf08ac4 Reverse Attention Explained]; [https://medium.com/@geetkal67/attention-networks-a-simple-way-to-understand-cross-attention-3b396266d82e Cross Attention]; [https://medium.com/@mlquest0/axial-self-attention-in-cnn-efficient-and-elegant-85d8ce2ca8eb Axial Self-attention]
 +
 
 +
==== Causality ====
 +
* [ https://towardsdatascience.com/a-6-minute-introduction-to-causal-ai-50d92ffb5e91 Causality Summary]
  
 
==== Depth Estimation ====
 
==== Depth Estimation ====
Line 305: Line 322:
 
==== Explainable AI ====
 
==== Explainable AI ====
 
* [https://christophm.github.io/interpretable-ml-book/ Explainable Machine Learning] (on-line book)
 
* [https://christophm.github.io/interpretable-ml-book/ Explainable Machine Learning] (on-line book)
* [https://hci.stanford.edu/courses/cs335/2020/sp/lec3.pdf On-line Lecture Fair AI]
+
* [https://hci.stanford.edu/courses/cs335/2020/sp/lec3.pdf On-line Lecture Fair AI]; [https://medium.com/geekculture/explainable-defect-detection-using-convolutional-neural-networks-case-study-2b58bc17c8b1 Explainable Defect Detection]
 
|
 
|
  
 +
==== Conformal Prediction/Regression/Anamoly ====
 +
* [https://github.com/yromano/cqr Conformalized QUantile Regression (GitHub)];[https://github.com/numenta/NAB/tree/master/nab/detectors/knncad Conformal Anamoly Detection (GitHub)]
 
==== Coding/Tools ====
 
==== Coding/Tools ====
 
* [https://jonathan-guerne.medium.com/multi-objective-bayesian-optimization-with-botorch-3c5cf348c63b BoTorch Bayesian Optimization];
 
* [https://jonathan-guerne.medium.com/multi-objective-bayesian-optimization-with-botorch-3c5cf348c63b BoTorch Bayesian Optimization];
 
* [https://towardsdatascience.com/20-of-numpy-functions-that-data-scientists-use-80-of-the-time-d8bd9c7d144b#6621 Numpy Functions Data Scientists Use]
 
* [https://towardsdatascience.com/20-of-numpy-functions-that-data-scientists-use-80-of-the-time-d8bd9c7d144b#6621 Numpy Functions Data Scientists Use]
* [https://medium.com/@adam_carrigan/the-top-7-databases-for-machine-learning-3e9783684b92 7 databases for ML]
+
* [https://medium.com/@adam_carrigan/the-top-7-databases-for-machine-learning-3e9783684b92 7 databases for ML]; [https://medium.com/@giovanni.stephens/top-10-machine-learning-libraries-for-python-2022-4bdd7ed9b2aa 10 ML Python Libraries]
  
 
==== Optimization/Active Learning ====
 
==== Optimization/Active Learning ====
Line 321: Line 340:
 
==== Tensor methods ====
 
==== Tensor methods ====
 
* [http://www.caam.rice.edu/~optimization/bcu/ncp/index.html Block Coordinate Update Code]
 
* [http://www.caam.rice.edu/~optimization/bcu/ncp/index.html Block Coordinate Update Code]
 +
 +
==== Paper Source ====
 +
* [https://medium.com/mlearning-ai/websites-where-you-can-find-popular-ml-dl-research-papers-dcf075af4cbb 10 best sources of AI papers]
  
 
==== Public Domain Codes ====
 
==== Public Domain Codes ====
 +
* [https://medium.com/@giovanni.stephens/top-10-machine-learning-libraries-for-python-2022-4bdd7ed9b2aa Top Ten Machine Learning Python Libraries]
 
* [https://carto.com/torque/ Torque.JS]
 
* [https://carto.com/torque/ Torque.JS]
 
* [https://github.com/zhongkaifu/Seq2SeqSharp Seq2SeqSharp] (Seq2Seq implementation)
 
* [https://github.com/zhongkaifu/Seq2SeqSharp Seq2SeqSharp] (Seq2Seq implementation)
Line 448: Line 471:
 
* [http://www.dagstuhl.de/ Shloss Dagstuhul] (Liebniz Center for INformatics--Seminar Program);
 
* [http://www.dagstuhl.de/ Shloss Dagstuhul] (Liebniz Center for INformatics--Seminar Program);
 
==== Vision/Graphics ====
 
==== Vision/Graphics ====
* '''U-Net:''' [https://medium.com/@mlquest0/unet-clearly-explained-a-better-image-segmentation-architecture-f48661c92df9 U-Net ++]; [https://solomon-ai.medium.com/image-segmentation-for-self-driving-car-using-unet-canet-72eab7d424c8 U-NET/CatNet]
+
* '''U-Net:''' [https://medium.com/@mlquest0/unet-clearly-explained-a-better-image-segmentation-architecture-f48661c92df9 U-Net ++]; [https://solomon-ai.medium.com/image-segmentation-for-self-driving-car-using-unet-canet-72eab7d424c8 U-NET/CatNet]; [https://medium.com/@mlquest0/transunet-no-more-cnns-for-image-segmentation-278e85c81914 TransUNet]
 
* [https://medium.com/mlearning-ai/various-computer-vision-architectures-whats-the-difference-db123df23865 Various Vision Architectures]; [https://idiotdeveloper.com/what-is-resunet/ RESUNET]
 
* [https://medium.com/mlearning-ai/various-computer-vision-architectures-whats-the-difference-db123df23865 Various Vision Architectures]; [https://idiotdeveloper.com/what-is-resunet/ RESUNET]
 
* '''OpenCV:''' [http://sourceforge.net/projects/opencvlibrary/ SourceForge]; [http://opencv.willowgarage.com/wiki/ Docs Wiki]; [http://tech.groups.yahoo.com/group/OpenCV/ Yahoo Forum];
 
* '''OpenCV:''' [http://sourceforge.net/projects/opencvlibrary/ SourceForge]; [http://opencv.willowgarage.com/wiki/ Docs Wiki]; [http://tech.groups.yahoo.com/group/OpenCV/ Yahoo Forum];
Line 459: Line 482:
 
** '''MeshRoom:''' [https://alicevision.org/#meshroom MeshRoom]; [https://alicevision.org/ Alice Vision Framework]; [https://just-merwan.medium.com/photogrammetry-and-meshroom-how-to-generate-3d-models-from-2d-images-fe49b01cab9a MeshRoom Overview on Medium]
 
** '''MeshRoom:''' [https://alicevision.org/#meshroom MeshRoom]; [https://alicevision.org/ Alice Vision Framework]; [https://just-merwan.medium.com/photogrammetry-and-meshroom-how-to-generate-3d-models-from-2d-images-fe49b01cab9a MeshRoom Overview on Medium]
 
** [https://all3dp.com/1/best-photogrammetry-software/#colmap All3DP];
 
** [https://all3dp.com/1/best-photogrammetry-software/#colmap All3DP];
* '''Segmentation:''' [https://medium.com/@harikiranmudipalli/attention-based-semantic-segmentation-8549dcc4c9d3 Attention Based Segmantic Segmentation]
+
* '''Segmentation:''' [https://medium.com/@harikiranmudipalli/attention-based-semantic-segmentation-8549dcc4c9d3 Attention Based Segmantic Segmentation]; [https://sh-tsang.medium.com/review-panoptic-segmentation-8de88b12ca52 panoptic segmentation]
 +
* '''Object Detection:''' [https://medium.com/mlearning-ai/the-best-object-detection-libraries-that-i-work-with-835428a1e01e Best Object Detection Libraries]
 
* '''Monocular:''' [https://medium.com/toyotaresearch/monocular-depth-in-the-real-world-99c2b287df34 Monocular Depth in Real World]
 
* '''Monocular:''' [https://medium.com/toyotaresearch/monocular-depth-in-the-real-world-99c2b287df34 Monocular Depth in Real World]
  
Line 465: Line 489:
 
* '''Kinect 3d Hacks:''' [http://kinect.dashhacks.com/ DashHacks]; [http://www.roboticstrends.com/design_development/article/kinect_sdk_beta_release_pushes_microsoft_back_into_robotics Info on MS SDK for Kinect]; [http://research.microsoft.com/en-us/um/redmond/projects/kinectsdk/default.aspx MS SDK]; [http://www.ros.org/wiki/kinect_calibration/technical Kinect Calibration Wiki@Ros];[http://www.youtube.com/user/okreylos YouTube Videos of Oliver Kreylos]; [http://idav.ucdavis.edu/~okreylos/ResDev/Kinect/ O. KReylos Software Page]; [http://www.youtube.com/watch?v=eWmVrfjDCyw&feature=related Quadrotor using Kinect]; [http://nuigroup.com/forums/viewthread/11249/#cl Kinect Driver & Nui Control]; [http://openkinect.org/wiki/Main_Page OpenKinect.Org]; [http://www.theinstitute.ieee.org/portal/site/tionline/menuitem.130a3558587d56e8fb2275875bac26c8/index.jsp?&pName=institute_level1_article&TheCat=2201&article=tionline/legacy/inst2011/jan11/featuretech.xml& Story behind Kinect3D]; [http://www.brekel.com/ Brekel Kinect];\n* [http://research.microsoft.com/apps/pubs/default.aspx?id=155416 KinectFusion];\n* [http://www.matherix.com/homepage.html Matherix] (3D model reconstruction);
 
* '''Kinect 3d Hacks:''' [http://kinect.dashhacks.com/ DashHacks]; [http://www.roboticstrends.com/design_development/article/kinect_sdk_beta_release_pushes_microsoft_back_into_robotics Info on MS SDK for Kinect]; [http://research.microsoft.com/en-us/um/redmond/projects/kinectsdk/default.aspx MS SDK]; [http://www.ros.org/wiki/kinect_calibration/technical Kinect Calibration Wiki@Ros];[http://www.youtube.com/user/okreylos YouTube Videos of Oliver Kreylos]; [http://idav.ucdavis.edu/~okreylos/ResDev/Kinect/ O. KReylos Software Page]; [http://www.youtube.com/watch?v=eWmVrfjDCyw&feature=related Quadrotor using Kinect]; [http://nuigroup.com/forums/viewthread/11249/#cl Kinect Driver & Nui Control]; [http://openkinect.org/wiki/Main_Page OpenKinect.Org]; [http://www.theinstitute.ieee.org/portal/site/tionline/menuitem.130a3558587d56e8fb2275875bac26c8/index.jsp?&pName=institute_level1_article&TheCat=2201&article=tionline/legacy/inst2011/jan11/featuretech.xml& Story behind Kinect3D]; [http://www.brekel.com/ Brekel Kinect];\n* [http://research.microsoft.com/apps/pubs/default.aspx?id=155416 KinectFusion];\n* [http://www.matherix.com/homepage.html Matherix] (3D model reconstruction);
  
* [https://medium.com/deem-blogs/speaking-code-pointnet-65b0a8ddb63f Article on PointNet]; [https://medium.com/deem-blogs/speaking-code-pointnet-6bc1a7c97986 PointNet ++]; [https://medium.com/@mohit_gaikwad/deepfusion-lidar-camera-deep-fusion-for-multi-modal-3d-object-detection-c7db1e25670d DeepFusion Lidar/Camera]
+
* [https://medium.com/deem-blogs/speaking-code-pointnet-65b0a8ddb63f Article on PointNet]; [https://medium.com/deem-blogs/speaking-code-pointnet-6bc1a7c97986 PointNet ++]; [https://medium.com/@mohit_gaikwad/deepfusion-lidar-camera-deep-fusion-for-multi-modal-3d-object-detection-c7db1e25670d DeepFusion Lidar/Camera]; [https://github.com/Xharlie/pointnerf PointNerf];
 +
 
 +
* [https://medium.com/@kidargueta/installing-open3d-ml-for-3d-computer-vision-with-pytorch-d640a6862e19 Open3D-ML]
  
 
==== Spectral Graph Theory ====
 
==== Spectral Graph Theory ====
Line 633: Line 659:
 
* [http://www.instructables.com/id/Electrolytic-Rust-Removal-aka-Magic/ Electrolytic Rust Removal]; [http://video.google.com/videosearch?client=safari&rls=en-us&q=rust+removal&oe=UTF-8&um=1&ie=UTF-8&ei=G5PkSc7BMJzmsgOEsoivCQ&sa=X&oi=video_result_group&resnum=4&ct=title# Rust Removal Videos]; [http://www.rickswoodshopcreations.com/Miscellaneous/Rust_Removal.htm Electrolysis Rust Removal];
 
* [http://www.instructables.com/id/Electrolytic-Rust-Removal-aka-Magic/ Electrolytic Rust Removal]; [http://video.google.com/videosearch?client=safari&rls=en-us&q=rust+removal&oe=UTF-8&um=1&ie=UTF-8&ei=G5PkSc7BMJzmsgOEsoivCQ&sa=X&oi=video_result_group&resnum=4&ct=title# Rust Removal Videos]; [http://www.rickswoodshopcreations.com/Miscellaneous/Rust_Removal.htm Electrolysis Rust Removal];
  
 +
==== Chipper/Shredder ====
 +
* [https://www.ebay.com/sch/42228/i.html?_ssn=vehiclejunkies&store_name=vehiclejunkies&_dmd=2&_oac=1 Vehicle Junkies Ebay]; [https://www.amazon.com/Landworks-Shredder-Certified-Prevention-Firebreak/dp/B07WJ2B88J?dchild=1&keywords=Landworks+Mini+Compact+Chipper+Shredder+Mulcher&qid=1608004666&sr=8-3&linkCode=sl1&tag=43-aihs-20&linkId=e043d4685192ebf4dd4bf9b396f9f164&language=en_US&ref_=as_li_ss_tl LandWorks Mini Chipper]' [https://www.google.com/shopping/product/9393371052642472253?q=chipper+shredder&rlz=1C1RXQR_enUS1002US1002&sxsrf=ALiCzsbWaMXLrkQ6gF5cx9TsRhD8z7zb-g:1660506941026&biw=1378&bih=822&dpr=2.5&prds=eto:1726837325100256110_0,pid:4568101035585093535,rsk:PC_15317651156252993164&sa=X&ved=0ahUKEwjwvb7Ejsf5AhVMC0QIHYkVA_4Q8wII8Aw Champion 3 inch Chipper];
 +
* [https://www.amazon.com/dp/B07N137XQN?tag=track-ect-usa-1189084-20&linkCode=osi&th=1  SuperHandy Chipper/Shredder/Mulcher]; [https://www.homedepot.com/p/Brush-Master-3-in-11-HP-270cc-Gas-Powered-Self-Feed-Chipper-Shredder-with-Unique-Innovation-3-in-1-Discharge-Safety-Goggles-CH8M21/316465452 Brush Master 3 inch]
 
|
 
|
 +
 
==== Misc. ====
 
==== Misc. ====
 
* [https://www.pinterest.com/explore/industrial-robots/?lp=true Pinterest Page on Robot Arm Design]
 
* [https://www.pinterest.com/explore/industrial-robots/?lp=true Pinterest Page on Robot Arm Design]
Line 666: Line 696:
  
 
* '''Vision:'''   
 
* '''Vision:'''   
** '''YOLO Stuff:''' [https://medium.com/@pedroazevedo6/what-is-the-best-yolo-8526b53414af Which is the Best Yolo?]; [https://medium.com/@pedroazevedo6/from-yolo-to-yolov4-3dcba691d96a From Yolo to Yolo4];  [https://medium.com/@ANAI-DemocratizingAI/yolov6-explained-in-simple-terms-c46a0248bddc Yolo 6]; [https://medium.com/@asmitasinha/yolact-real-time-instance-segmentation-1-af0c27ee0bbc YOLACT object detection/segmentation]; [https://github.com/jinfagang/yolov7 Yolo 7 git]; [https://medium.com/augmented-startups/yolov7-training-on-custom-data-b86d23e6623 Training Yolo7 on custom data]; [https://medium.com/codex/imvotenet-paper-review-and-code-analysis-bf103117b32e ImVoteNet]; [https://syncedreview.com/2022/07/12/academia-sinicas-yolov7-outperforms-all-object-detectors-reduces-costs-by-50/  Yolo 7];  
+
** '''YOLO Stuff:''' [https://medium.com/@pedroazevedo6/what-is-the-best-yolo-8526b53414af Which is the Best Yolo?]; [https://medium.com/@pedroazevedo6/from-yolo-to-yolov4-3dcba691d96a From Yolo to Yolo4];  [https://medium.com/@ANAI-DemocratizingAI/yolov6-explained-in-simple-terms-c46a0248bddc Yolo 6]; [https://medium.com/@asmitasinha/yolact-real-time-instance-segmentation-1-af0c27ee0bbc YOLACT object detection/segmentation]; [https://github.com/jinfagang/yolov7 Yolo 7 git]; [https://medium.com/augmented-startups/yolov7-training-on-custom-data-b86d23e6623 Training Yolo7 on custom data]; [https://medium.com/codex/imvotenet-paper-review-and-code-analysis-bf103117b32e ImVoteNet]; [https://syncedreview.com/2022/07/12/academia-sinicas-yolov7-outperforms-all-object-detectors-reduces-costs-by-50/  Yolo 7]; [https://amalaj7.medium.com/yolov7-now-outperforms-all-known-object-detectors-fd7170e8542d YoloV7 is best]; [https://medium.com/augmented-startups/train-yolov7-segmentation-on-custom-data-b91237bd2a29 Custom Data Training]
** '''Object Detection/Tracking:''' [https://medium.com/@pedroazevedo6/object-tracking-state-of-the-art-2022-fe9457b77382 SOTA Object Tracking]; [https://medium.com/axinc-ai/detic-object-detection-and-segmentation-of-21k-classes-with-high-accuracy-49cba412b7d4 DETIC (object detection and segmentation)]; [https://medium.com/codex/improve-the-performance-of-your-object-detection-model-54a94f374636 Improve Object Detection]
+
** '''Object Detection/Tracking:''' [https://medium.com/@pedroazevedo6/object-tracking-state-of-the-art-2022-fe9457b77382 SOTA Object Tracking]; [https://medium.com/axinc-ai/detic-object-detection-and-segmentation-of-21k-classes-with-high-accuracy-49cba412b7d4 DETIC (object detection and segmentation)]; [https://medium.com/codex/improve-the-performance-of-your-object-detection-model-54a94f374636 Improve Object Detection]; [https://medium.com/oxford-semantic-technologies/machine-learning-and-semantic-reasoning-the-perfect-union-using-object-detection-with-rdfox-2b291267d893 RDFox Semantic Segmentation, Object Detection]
** [https://www.labforge.ca/features-ictn/ Labforge Multi-Camera Tracking]
+
** [https://www.labforge.ca/features-ictn/ Labforge Multi-Camera Tracking]; [https://medium.com/mlearning-ai/the-best-object-detection-libraries-that-i-work-with-835428a1e01e Best Object Detection Libraries]
 
** '''RTSP:''' [https://www.getscw.com/decoding/rtsp Generalized RTSP directions]; [https://reolink.com/blog/stream-ip-camera-to-youtube/ Set Up RTSP Streaming]; [https://github.com/mpromonet/v4l2rtspserver GitHub RTSP v4l2 server code]; [https://reolink.com/product/argus-pt/ Reolink RTSP camera]
 
** '''RTSP:''' [https://www.getscw.com/decoding/rtsp Generalized RTSP directions]; [https://reolink.com/blog/stream-ip-camera-to-youtube/ Set Up RTSP Streaming]; [https://github.com/mpromonet/v4l2rtspserver GitHub RTSP v4l2 server code]; [https://reolink.com/product/argus-pt/ Reolink RTSP camera]
** '''Misc:''' [https://medium.com/@pedroazevedo6/deepstream-for-idiots-a28cd38a6e81 DeepStream for Idiots];
+
** '''Misc:''' [https://medium.com/@pedroazevedo6/deepstream-for-idiots-a28cd38a6e81 DeepStream for Idiots]; [https://medium.com/@danya.kosmin/an-overview-of-opencv-ai-kit-7702575dbb31 OpenCV AI kit]
  
 
* '''Model Compression:''' [https://openmmlab.medium.com/announcing-mmrazor-openmmlab-model-compression-toolbox-and-benchmark-aa743af13264 Open MM model compression]
 
* '''Model Compression:''' [https://openmmlab.medium.com/announcing-mmrazor-openmmlab-model-compression-toolbox-and-benchmark-aa743af13264 Open MM model compression]
Line 677: Line 707:
  
 
* '''Truck Scales:''' [https://cardinalscale.com/product/product-model-listing/Truck-Scales/Olympus-Concrete-Deck-Truck-Scales-with-AC-Analog-Load-Cells?iframe=K-Scale Cardinal Scale]; [https://weighmytruck.com/how-to-use/driver-faq WeighMyTruck];
 
* '''Truck Scales:''' [https://cardinalscale.com/product/product-model-listing/Truck-Scales/Olympus-Concrete-Deck-Truck-Scales-with-AC-Analog-Load-Cells?iframe=K-Scale Cardinal Scale]; [https://weighmytruck.com/how-to-use/driver-faq WeighMyTruck];
 +
* '''OverWeight:'' [https://www.youtube.com/watch?v=O7SdoEeWsLo Texas]; [https://www.youtube.com/watch?v=Fgq_V9i9UJU Tracking]; [https://www.youtube.com/watch?v=pW7XW7Q0hpM Road Damage];
  
 
==== '''ROS STuff:''' ====   
 
==== '''ROS STuff:''' ====   
 
* '''Connect to non-ROS:''' [http://wiki.ros.org/rosbridge_suite ROSBridge];; [https://roboticsbackend.com/ros-node-outside-catkin-workspace/ Create ROS Node outside Catkin]; [http://wiki.ros.org/rosnodejs ROS Nodejs]; [https://answers.ros.org/question/267988/easiest-way-for-non-ros-program-to-talk-to-a-ros-node/ ROS Answers--talk to non-ROS]
 
* '''Connect to non-ROS:''' [http://wiki.ros.org/rosbridge_suite ROSBridge];; [https://roboticsbackend.com/ros-node-outside-catkin-workspace/ Create ROS Node outside Catkin]; [http://wiki.ros.org/rosnodejs ROS Nodejs]; [https://answers.ros.org/question/267988/easiest-way-for-non-ros-program-to-talk-to-a-ros-node/ ROS Answers--talk to non-ROS]
  
* [https://www.mathworks.com/help/ros/ug/connect-to-a-ros-network.html MATLAB ROS Node]
+
* [https://www.mathworks.com/help/ros/ug/connect-to-a-ros-network.html MATLAB ROS Node]; [https://medium.com/black-coffee-robotics/ros1-robots-in-a-ros2-world-ee93c2647ae7 SlimBridge]
  
 
* '''IMU:''' [https://github.com/dawonn/vectornav/blob/master/msg/Ins.msg VectorNav VN-100 package]; [https://github.com/KumarRobotics/imu_vn_100/blob/master/README.md IMU-VN100 package]
 
* '''IMU:''' [https://github.com/dawonn/vectornav/blob/master/msg/Ins.msg VectorNav VN-100 package]; [https://github.com/KumarRobotics/imu_vn_100/blob/master/README.md IMU-VN100 package]

Revision as of 13:13, 23 September 2022

Welcome to my personal research wiki page. I use this wiki to link to sites of research/technical/academic/administrative interest, and to keep files relevant to my research collaborations. This wiki is permanently under construction, as it evolves with my research activiites. Hopefully you can find something of use here.

Quick Facts about Me

Current Research Projects & Interests

My research is divided between traditional robotics research, and collaborations with neuroscientists to develop technology for paralyzed nervous systems. More information can be found at the Burdick Research Group Homepage

Robotics Research

Quick Links

Teaching

On-Line Publications/Catalogs

Handy References

Conferences, Proposals, etc.

Quick Personal Links

Robotics Links

Robotics Projects & Sites

Opensource

Robotics Events, News, Community


Robotics Competitions

Robots in Fiction & Cinema

Robot Hardware/Mechanisms Links

  • Research Bots: HiBot (Hirose lab spin-off);

Mechanisms

Parallel Mechanisms

Servos/Controllers/Electronics

Embedded Computing/Interface Hardware

Force Sensors

Hands/Grippers

Sensing

Vision

Motors/Actuators/Gears

Software Resources

GPU Computing


Motor/Drive Resources

Motor-related Sites

Tutorial

Servo Drive Electronics

Tensor methods


Machine Learning Resources

Tutorial Stuff

Deep Learning

Graph Neural Networks

Reinforcement Learning

LSTM

Variational AutoEncoders

Gauusian Processes

Semantic Segmentation

Attention

Causality

Depth Estimation

Explainable AI

Conformal Prediction/Regression/Anamoly

Coding/Tools

Optimization/Active Learning

Bandits

Tensor methods

Paper Source

Public Domain Codes

Computational/Algorithmic Game Theory

FreeWare AI-based graphics/movie tools

Nuts&Bolts Mechanical Engineering/Design Resources

Vibration Isolation

Low Cost/Used/Hobby Machine Tools

CAD/CAM

Auctions:

Other Numerical Machine Tools

Pneumatics/Hydraulics

Fixtures/Clamps/Vises

Basic Mechanical Componenents

Raw Material

Computational Geometry

Voronoi Diagrams

On-Line Demonstrations

Resources

Origami

TSP

MRI Imaging/Segmentation


Systems Engineering/Signal Processing

General

Vision/Graphics

Kinect 3D Sensor and Point Data

Spectral Graph Theory

Signal Processing

Wavelets

Frames

Diffusion Wavelets

Tensor Methods

Info Theory

Machine Learning

Probability/Statistics

Control

Graph Theory

Basic Applied Math

BioEngineering/NeuroEngineering Links

Spinal Cord & Rehab

Epidural Stimulation/Simulation

Neural Coding/Processing

NeuroScience

Prosthetics

BioMechanics/BioBehavior

Teaching Aids/Tutorials


Temporary Links

These are links that have not yet been organized, or that are needed only on a temporary basis.

Salt Cell Vendors

Wrought Iron Parts

Misc. Personal

Home Solar

Flora

Local Attractions/Info

Lathes/Rebuild

Chipper/Shredder

Misc.

Walking Frame Ideas

WeighCam

ROS STuff:

DARPA SubT Links

Sensors

X-maxx

RC Car Info

Tracked Vehicles

Off-Road Terrain Vehicles

Suspensions


Treads/Tracks/Tires

Multi-Rotor Platforms


Localization/Mapping Sensors

Terrain Mapping

Diesel Model Airplane Motors

Parkinsons research

Portable Projectors

Graphics Programming Tools


Wiki, Wiki, Wiki

This wiki is based on WikiMedia software, the same software underlying Wikipedia. Below are intro wiki links, and links related to all things wiki.

Getting Started with Wikis

More Wiki Topics