jacknlliu / starred_repos

My starred repositories.

Geek Repo:Geek Repo

Github PK Tool:Github PK Tool

starred_repos

My starred repositories.

Table of Contents

Android

Name Features Languages Licenses Code Popularity Remarks
python-for-android Turn your Python application into an Android APK Python MIT github kivy/python-for-android You can create your own Python distribution including the modules and dependencies you want, and bundle it in an APK along with your own code.

Build System

Name Features Languages Licenses Code Popularity Remarks
bazel a fast, scalable, multi-language and extensible build system Apache-2.0 github bazelbuild/bazel
Boost-Pretty-Printer GDB Pretty Printers for Boost Python github ruediger/Boost-Pretty-Printer
cmakeconverter conversion of Visual Studio solution to CMake projects Python AGPL-3.0 github algorys/cmakeconverter Only works with C/C++ and Fortran Project
scons a software construction tool XSLT github SCons/scons Built-in support for C, C++, D, Java, Fortran, Yacc, Lex, Qt and SWIG, and building TeX and LaTeX documents

Computer Vision

Name Features Languages Licenses Code Popularity Remarks
jrosebr1/imutils A series of convenience functions to make basic image processing operations such as translation, rotation, resizing, skeletonization, and displaying Matplotlib images easier with OpenCV and Python. Python MIT github jrosebr1/imutils
openface Face recognition with deep neural networks Lua Apache-2.0 github cmusatyalab/openface
opencv-face-recognition-python Face Recognition using OpenCV and Python Python MIT github informramiz/opencv-face-recognition-python
OpenCV-Face-Recognition Real-time face recognition project with OpenCV and Python Python github Mjrovai/OpenCV-Face-Recognition
face_recognition The world's simplest facial recognition api for Python and the command line Python MIT github ageitgey/face_recognition support Raspberry Pi 2+
voxelmorph Unsupervised Learning for Image Registration Python github voxelmorph/voxelmorph
luminoth Deep Learning toolkit for Computer Vision Python BSD-3-Clause github tryolabs/luminoth

C++ Projects

Name Features Languages Licenses Code Popularity Remarks
awesome-cpp A curated list of awesome C++ (or C) frameworks, libraries, resources, and shiny things Markdown github fffaraz/awesome-cpp
cxx-prettyprint A header-only library for C++(0x) that allows automagic pretty-printing of any container C++ BSL-1.0 github louisdx/cxx-prettyprint
PcapPlusPlus a multiplatform C++ network sniffing and packet parsing and crafting framework C++ Unlicense github seladb/PcapPlusPlus
glog C++ implementation of the Google logging module C++ github google/glog
flatbuffers Memory Efficient Serialization Library C++ Apache-2.0 github google/flatbuffers

Docker

Name Features Languages Licenses Code Popularity Remarks
singularity Application containers for Linux Go github singularityware/singularity GPU friendly! Docker vs Singularity vs Shifter in an HPC environment? User Guide
docker-arm Build Docker and Swarm on an ARM SoC like the Raspberry Pi Shell GPL-3.0 github alexellis/docker-arm
robotics_setup Setup Ubuntu 16.04 and 14.04 with machine learning and robotics software plus user configuration. Includes ceres tensorflow ros caffe vrep eigen cudnn and cuda plus many more. Shell Apache-2.0 github ahundt/robotics_setup
ROCm Open Source Platform for HPC and Ultrascale GPU Computing Markdown github RadeonOpenCompute/ROCm
ROCm-docker Dockerfiles for the various software layers defined in the Radeon Open Compute Platform Dockerfile MIT github RadeonOpenCompute/ROCm-docker

IoT

Name Features Languages Licenses Code Popularity Remarks
amazon-freertos Cloud-native IoT operating system for microcontrollers. C MIT github aws/amazon-freertos
freertos-addons Additions to FreeRTOS C, C++ github michaelbecker/freertos-addons
michalmalik/linux-re-101 A collection of resources for linux reverse engineering Markdown github michalmalik/linux-re-101
IoTBench/IoTBench-test-suite A micro-benchmark suite to assess the effectiveness of tools designed for IoT apps Groovy github IoTBench/IoTBench-test-suite
linux-serial-test Linux Serial Test Application C MIT github cbrake/linux-serial-test
PlatformIO an open source ecosystem for IoT development. Cross-platform IDE and unified debugger. Remote unit testing and firmware updates Python Apache-2.0 github platformio/platformio-core The next-generation integrated development environment for IoT. Support Atom and vscode.
rene-dev/stmbl AC Servo Driver for STM32F4 C GPL-3.0 github rene-dev/stmbl
zmap/zmap a fast single packet network scanner designed for Internet-wide network surveys C Apache-2.0 github zmap/zmap

Julia

Name Features Languages Licenses Code Popularity Remarks
JuliaLang/julia The Julia Language: A fresh approach to technical computing. Julia MIT github JuliaLang/julia It's very useful for robotics!
Zygote.jl a working prototype for source-to-source automatic differentiation (AD) in Julia Julia MIT "Expat" github FluxML/Zygote.jl
BlackBoxOptim.jl Black-box optimization for Julia. A global optimization package for Julia. It supports both multi- and single-objective optimization problems and is focused on (meta-)heuristic/stochastic algorithms (DE, NES etc) that do NOT require the function being optimized to be differentiable. This is in contrast to more traditional, deterministic algorithms that are often based on gradients/differentiability. It also supports parallel evaluation to speed up optimization for functions that are slow to evaluate. Julia MIT github robertfeldt/BlackBoxOptim.jl
cme257-advanced-julia Advanced Topics in Scientific Computing with Julia Julia Creative Commons Attribution-NonCommercial-ShareAlike 4.0 International License github icme/cme257-advanced-julia
ParticleFilters.jl Simple particle filter implementation in Julia - works with POMDPs.jl models or others. Julia MIT "Expat" github JuliaPOMDP/ParticleFilters.jl
EAGO.jl A development environment for robust and global optimization Julia MIT "Expat" github PSORLab/EAGO.jl
StochDynamicProgramming.jl A package for discrete-time optimal stochastic control Julia MPL-2.0 github JuliaStochOpt/StochDynamicProgramming.jl
ControlSystems.jl A Control Systems Toolbox for Julia Julia MIT github JuliaControl/ControlSystems.jl
CoordinateTransformations.jl a Julia package to manage simple or complex networks of coordinate system transformations. Transformations are designed to be light-weight and efficient enough. Julia MIT "Expat" github FugroRoames/CoordinateTransformations.jl
DifferentialDynamicProgramming.jl A package for solving Differential Dynamic Programming and trajectory optimization problems. Julia MIT "Expat" github baggepinnen/DifferentialDynamicProgramming.jl

Julia Robotics

Name Features Languages Licenses Code Popularity Remarks
RobotOS.jl Julia interface to ROS (Robot Operating System) Julia MIT "Expat" github jdlangs/RobotOS.jl
MuJoCo.jl Julia wrapper for the MuJoCo Physics Engine Julia Apache-2.0 github klowrey/MuJoCo.jl

Machine Learning

Name Features Languages Licenses Code Popularity Remarks
AI-Toolbox A C++ framework for MDPs and POMDPs with Python bindings C++, Python GPL-3.0 github Svalorzen/AI-Toolbox
autokeras an automated machine learning (AutoML) package Python MIT github jhfjhfj1/autokeras
CLR a Keras callback to be used in training that allows implementation of cyclical learning rate policies Python MIT github bckenstler/CLR Cyclical Learning Rate (CLR)
google/dopamine a research framework for fast prototyping of reinforcement learning algorithms Python Apache-2.0 github google/dopamine This is not an official Google product.
tensorflow-zh 谷歌全新开源人工智能系统TensorFlow官方文档中文版 Tex github jikexueyuanwiki/tensorflow-zh
tensorflow-on-arm TensorFlow for Arm Shell MIT github lhelontra/tensorflow-on-arm
ARM-software/armnn Arm NN ML software C++ MIT github ARM-software/armnn Arm NN Software developer kit
baselines-rudder RUDDER for ATARI games with delayed rewards in OpenAI Baselines package Python MIT github ml-jku/baselines-rudder
DeterministicPolicyGradient.jl Reinforcement learning with Deterministic Policy Gradient methods Julia MPL-2.0 github baggepinnen/DeterministicPolicyGradient.jl algorithm in the paper "David Silver et al.. Deterministic Policy Gradient Algorithms. 2014."
RLLib C++ Template Library to Predict, Control, Learn Behaviors, and Represent Learnable Knowledge using On/Off Policy Reinforcement Learning C++ github samindaa/RLLib
tiny-dnn header only, dependency-free deep learning framework in C++14 C++ BSD 3-Clause github tiny-dnn/tiny-dnn
quark0/darts Differentiable architecture search for convolutional and recurrent networks Python Apache-2.0 github quark0/darts paper: https://arxiv.org/abs/1806.09055
pyGPs pyGPs is a library containing an object-oriented python implementation for Gaussian Process (GP) regression and classification. Python github marionmari/pyGPs
nsinha280/lstm-on-Yelp-review-data LSTM for sentiment analysis on the reviews of Yelp dataset Python github nsinha280/lstm-on-Yelp-review-data
salesforce/awd-lstm-lm LSTM and QRNN Language Model Toolkit for PyTorch Python BSD-3-Clause github salesforce/awd-lstm-lm
deeplearning_ai_books deeplearning.ai(吴恩达老师的深度学习课程笔记及资源) HTML, Markdown github fengdu78/deeplearning_ai_books
Coursera-ML-AndrewNg-Notes 吴恩达老师的机器学习课程个人笔记 HTML, Markdown github fengdu78/Coursera-ML-AndrewNg-Notes
uzh-rpg/netvlad_tf_open Tensorflow port of Relja/netvlad Python MIT github uzh-rpg/netvlad_tf_open

Numerical calculation

Name Features Languages Licenses Code Popularity Remarks
lapack a library of Fortran subroutines for solving the most commonly occurring problems in numerical linear algebra Fortran github Reference-LAPACK/lapack User guide
numpy-100 100 numpy exercises Python MIT github rougier/numpy-100

Python

⚠️ The following table is not complete. Please feel free to report if you find something incorrect or missing.

Name Features Languages Licenses Code Popularity Remarks
Invoke Pythonic task management & command execution Python BSD-2-Clause github invoke
pagmo2 A C++ / Python platform to perform parallel computations of optimisation tasks (global and local) via the asynchronous generalized island model Python, C++ GPL3, LGPL3 github pagmo2
pybind11 a lightweight header-only library that exposes C++ types in Python and vice versa, mainly to create Python bindings of existing C++ code C++ github pybind/pybind11 Eigen to python by pybind11
pybind11_examples Examples for the usage of "pybind11" C++ MIT github tdegeus/pybind11_examples
Eigen3ToPython Provide Eigen3 to numpy conversion Python LGPL-3.0 github jrl-umi3218/Eigen3ToPython
jupyterlab JupyterLab computational environment JavaScript MIT github jupyterlab/jupyterlab JupyterLab is the next-generation user interface for Project Jupyter. Eventually, JupyterLab will replace the classic Jupyter Notebook.
pyttsx3 pyttsx for python3 ( offline tts for python : works for both python2 and python3 ) Python MIT github nateshmbhat/pyttsx3
csvtotable Simple command-line utility to convert CSV files to searchable and sortable HTML table. Supports large datasets and horizontal scrolling for large number of columns. Python MIT github vividvilla/csvtotable
pendulum Python datetimes made easy Python MIT github sdispater/pendulum
fabric Simple, Pythonic remote execution and deployment Python BSD 2-Clause github fabric/fabric

Robotics

Name Features Languages Licenses Code Popularity Remarks
Eigen a C++ template library for linear algebra: matrices, vectors, numerical solvers, and related algorithms C++ MPL2 github eigenteam/eigen-git-mirror Projects using Eigen: Google's TensorFlow, Google's Ceres, ROS,...
Ignition a set of simple libraries that provide useful functionality to bootstrap robot applications C++ Apache 2.0 bitbucket The libraries that comprise Ignition come from Gazebo
pyquaternion a full-featured Python module for representing and using quaternions Python MIT github KieranWynn/pyquaternion Full-featured!
transforms3d a collection of Python functions and classes to create and convert 3-dimensional transformations such as rotations, zooms, shears and reflections. Python BSD 2-clause github matthew-brett/transforms3d
tsid Efficient Task Space Inverse Dynamics (TSID) based on Pinocchio C++ GPL-3.0 github stack-of-tasks/tsid
pinocchio Efficient Multi-Body Dynamics Algorithms using Spatial Algebra C++ LGPL-3.0 github stack-of-tasks/pinocchio
Tasks make real-time control for kinematics tree and list of kinematics tree C++ LGPL-3.0 github jrl-umi3218/Tasks
RoboDK-API Implementation of the RoboDK API in different programming languages. The RoboDK API allows simulating and programming any industrial robot (offline and online) C# Apache-2.0 github RoboDK/RoboDK-API
pkl a flexible kinematic library that enables architecture-specific optimizations C++ github pfnet/pkl
ur5_modeling_force_estimate Modeling, Simulation and force estimation with the UR5 C Apache-2.0 github kkufieta/ur5_modeling_force_estimate
grl Robotics tools in C++11. Implements soft real time arm drivers for Kuka LBR iiwa plus V-REP, ROS, Constrained Optimization based planning, Hand Eye Calibration and Inverse Kinematics integration. C++ github ahundt/grl
AIS-Bonn/opt_control Time-optimal Trajectory Generation and Control C++, MATLAB BSD-3-Clause github AIS-Bonn/opt_control
roboticslibrary/rl a self-contained C++ library for robot kinematics, motion planning and control C++ BSD-2-Clause github roboticslibrary/rl
RobOptim a Modern, Open-Source, C++ Library for Numerical Optimization applied to Robotics C++ LGPL-3.0 github roboptim/roboptim-core
rbdl a C++ library that contains some essential and efficient rigid body dynamics algorithms C++ zlib license bitbucket

Control System

Name Features Languages Licenses Code Popularity Remarks
flforget/DDP Differential Dynamic Programming Solver C++ github flforget/DDP
anassinator/ilqr Iterative Linear Quadratic Regulator with auto-differentiatiable dynamics models Python GPL-3.0 github anassinator/ilqr

Robot Model

Name Features Languages Licenses Code Popularity Remarks
3D-diff Python based 3D-diff tool Python github iManinesan/3D-diff
jsk_model_tools JSK model utilities C++ github jsk-ros-pkg/jsk_model_tools support ROS indigo and kinetic
urdf-loaders URDF Loaders for Unity and THREE.js with example ATHLETE URDF Files JavaScript Apache-2.0 github gkjohnson/urdf-loaders
meshdiff A command line tool to visually diff 3D meshes JavaScript Apache-2.0 github TimothyStiles/meshdiff

ROS (Robot Operating System)

⚠️ The following table is not complete. Please feel free to report if you find something incorrect or missing.

Name Features Languages Licenses Code Popularity Remarks
pyros Python interfacing for multiprocess software - A Python blanket for ROS to hide inside Python BSD-3-Clause github invoke
jupyter-ros Jupyter widget helpers for ROS, the Robot Operating System Python github jupyter-ros
variant Topic tools for treating ROS messages as type-erased variants. C++ LGPL-3.0 github ANYbotics/variant
prettyprint ROS version of pretty print header library C++ github shaun-edwards/prettyprint
performance_test Tool to test the performance of pub/sub based communication frameworks C++ Apache-2.0 github ApexAI/performance_test
ROSPenTo Penetration testing tool for ROS C# GPL-3.0 github jr-robotics/ROSPenTo Cross Platform
smf Fastest RPC in the west C++ Apache-2.0 github senior7515/smf
rewd_controllers Inverse dynamics controllers to accompany ros_control C++ BSD-3-Clause github personalrobotics/rewd_controllers
roslibpy Python ROS Bridge library Python MIT github gramaziokohler/roslibpy
exotica a generic Optimisation Toolset for Robotics platforms, written in C++ with bindings for Python C++, Python BSD github ipab-slmc/exotica ROS indigo and Kinetic
fmi_adapter Integrating functional mock-up units (FMUs) in ROS nodes C++ Apache-2.0 github boschresearch/fmi_adapter This repository provides the fmi_adapter package for wrapping functional mockup units (FMUs) for co-simulation of physical models into ROS nodes.
lcsr_nettools A ROS package containing ROS network analysis tools C++ github jhu-lcsr/lcsr_nettools
ipa-jfh/robot_recorder Record ROS for web-animation Python BSD-3-Clause github ipa-jfh/robot_recorder
googlecartographer/cartographer_ros Provides ROS integration for Cartographer C++ Apache-2.0 github googlecartographer/cartographer_ros
KUKA-IIWA-API Ros Enable API for easy integration with the KUKA IIWA Python GPL-3.0 github jonaitken/KUKA-IIWA-API
rosmon ROS node launch & monitor daemon. A drop-in replacement for the standard roslaunch tool. C++ BSD-3 github xqms/rosmon
imandra-ros Imandra ROS Python Apache-2.0 github AestheticIntegration/imandra-ros
Name Features Languages Licenses Code Popularity Remarks
rtt_lwr OROCOS/ROS components for light weight robots at ISIR C++, Python github kuka-isir/rtt_lwr Support for Ubuntu 16.04/14.04
lwr_hardware OROCOS components for communicating with KUKA LWR through FRI C++ github kuka-isir/lwr_hardware Support for Ubuntu 16.04/14.04
rtt_lwr_krl_tool Orocos/ROS component to communicate with KRL script C++, Python github kuka-isir/rtt_lwr_krl_tool Support for Ubuntu 16.04/14.04
rtt_lwr_sim LWR 4+ Simulated using gazebo - needs rtt_gazebo_embedded C++, Python github kuka-isir/rtt_lwr_sim Support for Ubuntu 16.04/14.04
rtt_gazebo_embedded Gazebo wrapped in an Orocos Component C++ github kuka-isir/rtt_gazebo_embedded Support for Ubuntu 16.04/14.04
rtt_gazebo_robot_interface Generic robot interface for rtt_gazebo_embedded C++ github kuka-isir/rtt_gazebo_robot_interface Support for Ubuntu 16.04/14.04
rtt_joint_traj_generator_kdl Joint Trajectory Generator with KDL C++ github kuka-isir/rtt_joint_traj_generator_kdl Support for Ubuntu 16.04/14.04
Name Features Languages Licenses Code Popularity Remarks
ModROS/ROS_Bridge Provides a bridge to ROS from Modelica via tcp/ip sockets; uses an external C function C GPL-3.0 github ModROS/ROS_Bridge
ModROS/modelica_bridge Package for connecting Modelica to ROS via tcp/ip sockets C++ BSD-3.0-Clause github ModROS/modelica_bridge modelica_bridge ros wiki
ModROS/modelica_bridge_examples Example nodes for interacting with modelica_bridge C++ GPL-3.0 github ModROS/modelica_bridge_examples Introduction to modelica_bridge - ros wiki

Simulation

Name Features Languages Licenses Code Popularity Remarks
SimBenchmark Physics engine benchmark for robotics applications: RaiSim vs Bullet vs ODE vs MuJoCo vs DartSim C++ github leggedrobotics/SimBenchmark
modelica/ModelicaStandardLibrary Free (standard conform) library from the Modelica Association to model mechanical (1D/3D), electrical (analog, digital, machines), thermal, fluid, control systems and hierarchical state machines. Also numerical functions and functions for strings, files and streams are included. Modelica BSD-3-Clause github modelica/ModelicaStandardLibrary
ai2thor An open-source platform for Visual AI C# Apache-2.0 github allenai/ai2thor
dartsim/gym-dart OpenAI Gym environments using DART Python BSD-2-Clause github dartsim/gym-dart

Rendering Engine

Name Features Languages Licenses Code Popularity Remarks
google/filament a physically based rendering engine for Android, Windows, Linux and macOS C++, Java Apache-2.0 github google/filament Cross Platform
three.js JavaScript 3D library JavaScript MIT github mrdoob/three.js
tunabrain/tungsten High performance physically based renderer in C++11 C++11 github tunabrain/tungsten
opengl-tutorials/ogl tutorials for OpenGL 3.3 and later C++ github opengl-tutorials/ogl

System Tools

Name Features Languages Licenses Code Popularity Remarks
AppImageLauncher Helper application for Linux distributions serving as a kind of "entry point" for running and integrating AppImages C++ MIT github TheAssassin/AppImageLauncher
trash-cli Command line interface to the freedesktop.org trashcan Python GPL-2.0 github andreafrancia/trash-cli
autojump A cd command that learns - easily navigate directories from the command line Python GPL-3.0 github wting/autojump
popup-dict Linux 下的划词翻译小工具 Python MIT github bianjp/popup-dict
popup-dict-switcher Gnome Shell Extension popup-dict JavaScript MIT github bianjp/popup-dict-switcher
ranger A VIM-inspired filemanager for the console Python GPL-3.0 github ranger/ranger
refined-github Browser extension that simplifies the GitHub interface and adds useful features JavaScript MIT github sindresorhus/refined-github
resin-io/etcher Flash OS images to SD cards & USB drives, safely and easily. JavaScript Apache-2.0 github resin-io/etcher
termtosvg Record terminal sessions as SVG animations Python BSD-3-Clause github nbedos/termtosvg
Vifon/zranger zsh and ranger integration Shell github Vifon/zranger
Vifon/deer ranger-like file navigation for zsh Zsh github Vifon/deer

Writing

Name Features Languages Licenses Code Popularity Remarks
Word-Add-in-MarkdownConversion convert a Markdown document to Word for editing and then convert the Word document back to Markdown format JavaScript MIT github OfficeDev/Word-Add-in-MarkdownConversion
exceltk Convert Excel sheet to markdown, json, tex, html, image C# MIT github fanfeilong/exceltk Windows Platform
word-to-markdown A ruby gem to liberate content from Microsoft Word documents Ruby MIT github benbalter/word-to-markdown
pandocfilters A python module for writing pandoc filters, with a collection of examples Python BSD 3-Clause github jgm/pandocfilters
beamerthemezurich A blue beamer theme TeX BSD 3-Clause github ppletscher/beamerthemezurich
MultiMarkdown-6 Lightweight markup processor to produce HTML, LaTeX, and more C github fletcher/MultiMarkdown-6
markdoc Markdown with flowchart and sequence diagram Ruby github ochko/markdoc
svm-r-markdown-templates a suite of R Markdown templates for academic manuscripts, beamer presentations, and syllabi HTML github svmiller/svm-r-markdown-templates
sphinx a tool that makes it easy to create intelligent and beautiful documentation Python BSD github sphinx-doc/sphinx
pandoc Universal markup converter Haskell github jgm/pandoc
latex_in_word LaTeX equation edition in a macro-enabled Word document Python github EngineeroLabs/latex_in_word
Process_LaTeX Server files for LaTeX in Word. TeX GPL github EngineeroLabs/Process_LaTeX

Others

Name Features Languages Licenses Code Popularity Remarks
fcitx-skin-collection Collection of fcitx skins GPL-3.0 github gaunthan/fcitx-skin-collection
ivideo A client that can watch video of domestic(China) mainstream video platform JavaScript MIT github phobal/ivideo
RocketChat/Rocket.Chat The Ultimate Open Source WebChat Platform. JavaScript github RocketChat/Rocket.Chat Have your own Slack like online chat, built with Meteor.
qTox/qTox a chat, voice, video, and file transfer IM client using the encrypted peer-to-peer Tox protocol C++ GPL-3.0 github qTox/qTox

About

My starred repositories.

License:MIT License