Last active
January 28, 2024 11:29
-
-
Save jainxy/e2b119ce92c2768067aa8b9bc24cd87f to your computer and use it in GitHub Desktop.
Good resources over web on variety of tech topics
This file contains 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
------------------------------ | |
VSCode | |
https://realpython.com/python-development-visual-studio-code/ | |
https://flaviocopes.com/vscode/ | |
https://marketplace.visualstudio.com/items?itemName=ms-vscode-remote.vscode-remote-extensionpack - DONE | |
------------------------------ | |
RPN notes | |
https://medium.com/@jonathan_hui/understanding-region-based-fully-convolutional-networks-r-fcn-for-object-detection-828316f07c99 - DONE | |
https://medium.com/@jonathan_hui/what-do-we-learn-from-region-based-object-detectors-faster-r-cnn-r-fcn-fpn-7e354377a7c9 - DONE | |
https://www.youtube.com/watch?v=GxZrEKZfW2o - DONE | |
https://www.youtube.com/watch?v=a9_8wqMxVkY - UP | |
https://www.youtube.com/watch?v=nDPWywWRIRo - UP | |
----------------------------- | |
OD | |
https://towardsdatascience.com/deep-learning-for-object-detection-a-comprehensive-review-73930816d8d9 | |
https://medium.com/@smallfishbigsea/faster-r-cnn-explained-864d4fb7e3f8 (Faster R-CNN) - DONE | |
https://medium.com/@jonathan_hui/ssd-object-detection-single-shot-multibox-detector-for-real-time-processing-9bd8deac0e06 - DONE | |
https://medium.com/@jonathan_hui/real-time-object-detection-with-yolo-yolov2-28b1b93e2088 - UP | |
https://medium.com/@jonathan_hui/understanding-feature-pyramid-networks-for-object-detection-fpn-45b227b9106c - DONE | |
https://medium.com/@jonathan_hui/what-do-we-learn-from-single-shot-object-detectors-ssd-yolo-fpn-focal-loss-3888677c5f4d - UP | |
https://medium.com/@jonathan_hui/design-choices-lessons-learned-and-trends-for-object-detections-4f48b59ec5ff | |
https://medium.com/@jonathan_hui/image-segmentation-with-mask-r-cnn-ebe6d793272 | |
http://christopher5106.github.io/object/detectors/2017/08/10/bounding-box-object-detectors-understanding-yolo.html | |
https://www.cyberailab.com/home/a-closer-look-at-yolov3 (Nice one on yolov3) - DONE | |
https://www.cyberailab.com/home/ssd-fpga (ssd brief) - DONE | |
https://medium.com/@smallfishbigsea/understand-ssd-and-implement-your-own-caa3232cd6ad (SSD implementation discuss) - DONE | |
https://github.com/ultralytics/yolov3 (Yolov3 pytorch) | |
https://medium.com/@14prakash/the-intuition-behind-retinanet-eb636755607d (RetinaNet) - DONE | |
https://towardsdatascience.com/review-retinanet-focal-loss-object-detection-38fba6afabe4 (RetinaNet) - DONE | |
https://www.groundai.com/project/centernet-object-detection-with-keypoint-triplets/1 (Centernet) - UP | |
https://github.com/google/automl/tree/master/efficientdet (EfficientDet) | |
https://medium.com/@andersasac/the-end-of-anchors-improving-object-detection-models-and-annotations-73828c7b39f6 - UP | |
https://github.com/rafaelpadilla/Object-Detection-Metrics (Metrics/evaluation) - DONE | |
https://medium.com/@andrewjong/how-to-use-roi-pool-and-roi-align-in-your-neural-networks-pytorch-1-0-b43e3d22d073 (Pytorch code for RoI pooling/align etc) - DONE | |
https://papers.readthedocs.io/en/latest/imagedetection/rfb/ (RFBnet brief) - DONE | |
https://zhuanlan.zhihu.com/p/51899698 (RFBnet brief) - DONE | |
https://objectnet.dev/ (OD testset with wild images) | |
https://github.com/open-mmlab/mmdetection (object detection and benchmarking toolbox) | |
----------------------------- | |
Human Pose Estimation - | |
https://nanonets.com/blog/human-pose-estimation-2d-guide/ | |
https://towardsdatascience.com/cvpr-2017-openpose-realtime-multi-person-2d-pose-estimation-using-part-affinity-fields-f2ce18d720e8 (Good) - DONE | |
https://arvrjourney.com/human-pose-estimation-using-openpose-with-tensorflow-part-1-7dd4ca5c8027 - DONE | |
https://heartbeat.fritz.ai/a-2019-guide-to-human-pose-estimation-c10b79b64b73 | |
https://medium.com/neuromation-blog/neuronuggets-understanding-human-poses-in-real-time-b73cb74b3818 - DONE | |
----------------------------- | |
GCN - | |
https://towardsdatascience.com/how-to-do-deep-learning-on-graphs-with-graph-convolutional-networks-7d2250723780 | |
https://tkipf.github.io/graph-convolutional-networks/ | |
---------------------------- | |
Segmentation - | |
https://towardsdatascience.com/metrics-to-evaluate-your-semantic-segmentation-model-6bcb99639aa2 - DONE | |
https://github.com/JunMa11/SegLoss (Segmentation Loss functions) | |
---------------------------- | |
Networks - | |
(EfficientNet) | |
https://ai.googleblog.com/2019/05/efficientnet-improving-accuracy-and.html | |
https://www.learnopencv.com/efficientnet-theory-code/ | |
https://medium.com/@lessw/efficientnet-from-google-optimally-scaling-cnn-model-architectures-with-compound-scaling-e094d84d19d4 | |
(FCN) | |
https://www.learnopencv.com/fully-convolutional-image-classification-on-arbitrary-sized-image/ (Good) - DONE | |
https://www.learnopencv.com/cnn-receptive-field-computation-using-backprop/?ck_subscriber_id=621007194 - DONE | |
(Densenet) | |
https://towardsdatascience.com/review-densenet-image-classification-b6631a8ef803 | |
https://blog.usejournal.com/in-between-resnets-and-densenets-b12e4ad0025a - DONE | |
(yolov3) | |
https://towardsdatascience.com/yolo-v3-object-detection-53fb7d3bfe6b | |
------------------------------ | |
Computer Vision - | |
http://www.cse.psu.edu/~rtc12/CSE486/ | |
https://courses.engr.illinois.edu/cs543/sp2017/ | |
https://www.crcv.ucf.edu/courses/cap5415-fall-2014/ | |
https://medium.com/analytics-vidhya/computer-vision-and-image-processing-with-opencv-8868876618c3 (Good) — DONE | |
https://github.com/locked-fg/JFeatureLib (Java Library) | |
----------------------------- | |
Datasets - | |
https://towardsdatascience.com/coco-data-format-for-object-detection-a4c5eaf518c5 (COCO/PASCAL VOC data) - DONE | |
(Data Augmentation) | |
https://medium.com/nanonets/nanonets-how-to-use-deep-learning-when-you-have-limited-data-f68c0b512cab | |
https://github.com/facebookresearch/AugLy (Good) | |
----------------------------- | |
Image Processing | |
Courses - | |
https://homepages.inf.ed.ac.uk/rbf/HIPR2/index.htm | |
Contrast — | |
https://en.wikipedia.org/wiki/Adaptive_histogram_equalization#Motivation_and_explanation_of_the_method | |
Texture — | |
https://prism.ucalgary.ca/handle/1880/51900 (Good) | |
HOG - | |
https://www.learnopencv.com/histogram-of-oriented-gradients/ - DONE | |
http://mccormickml.com/2013/05/09/hog-person-detector-tutorial/ | |
Selective-search (for Region-proposal) | |
https://www.learnopencv.com/selective-search-for-object-detection-cpp-python/ | |
Edge detection - | |
http://www.aishack.in/tutorials/sobel-laplacian-edge-detectors/ (Good) - DONE | |
https://automaticaddison.com/how-the-laplacian-of-gaussian-filter-works/ (LoG) - DONE | |
https://www.quora.com/What-is-the-difference-between-edge-detection-Sobel-detection-and-Canny-detection - DONE | |
https://towardsdatascience.com/canny-edge-detection-step-by-step-in-python-computer-vision-b49c3a2d8123 (Canny - Good) - DONE | |
https://homepages.inf.ed.ac.uk/rbf/HIPR2/log.htm - DONE | |
https://dsp.stackexchange.com/questions/37673/what-is-the-difference-between-difference-of-gaussian-laplace-of-gaussian-and - DONE | |
https://medium.com/temp08050309-devpblog/cv-3-gradient-and-laplacian-filter-difference-of-gaussians-dog-7c22e4a9d6cc (Good) - DONE | |
Pyramid | |
http://pages.cs.wisc.edu/~csverma/CS766_09/ImageMosaic/imagemosaic.html - UP | |
Corner detection | |
http://aishack.in/tutorials/features/ - UP | |
Feature detection and matching - | |
https://medium.com/data-breach/introduction-to-feature-detection-and-matching-65e27179885d | |
Local Binary patten Historam (LBPH) | |
https://towardsdatascience.com/face-recognition-how-lbph-works-90ec258c3d6b - DONE | |
Camera / Caliberation - | |
http://www.tfpsoft.com/fun/digitalcameraguide/digitalversusopticalzoom.html - DONE | |
https://www.adorama.com/alc/wide-angle-vs-telephoto-which-lens-should-you-choose - DONE | |
https://www.learnopencv.com/geometry-of-image-formation (Image formation) - DONE | |
https://www.learnopencv.com/camera-calibration-using-opencv/ (Caliberation - GOOD) - DONE | |
https://www.pyimagesearch.com/2021/11/10/computer-graphics-and-deep-learning-with-nerf-using-tensorflow-and-keras-part-1 ; https://github.com/bmild/nerf | |
OpenCV - | |
https://opencv-python-tutroals.readthedocs.io/en/latest/py_tutorials/py_tutorials.html | |
https://www.edureka.co/blog/python-opencv-tutorial/ | |
https://www.learnopencv.com/ | |
https://pysource.com/ | |
Geometric Transformation - | |
https://pysource.com/2018/02/14/perspective-transformation-opencv-3-4-with-python-3-tutorial-13/ - DONE | |
http://eeweb.poly.edu/~yao/EL5123/lecture12_ImageWarping.pdf - UP | |
https://www.cis.rit.edu/class/simg782/lectures/lecture_02/lec782_05_02.pdf - UP | |
Homography - | |
https://docs.opencv.org/master/d9/dab/tutorial_homography.html | |
https://www.learnopencv.com/homography-examples-using-opencv-python-c/ (Good) - Done | |
https://home.cse.ust.hk/~cstws/research/641D/mosaic/ (mosaicing) - DONE | |
3D - | |
https://docs.opendronemap.org/ ; https://github.com/OpenDroneMap/ODM | |
https://www.opensfm.org/docs/ ; https://github.com/mapillary/OpenSfM | |
https://github.com/nicolas-chaulet/torch-points3d ; https://github.com/google-research/google-research/tree/master/tf3d - (3D frameowrks) | |
Color — | |
https://github.com/nschloe/colorio (Good) | |
https://scikit-image.org/docs/stable/api/skimage.color.html | |
https://medium.com/hipster-color-science/a-beginners-guide-to-colorimetry-401f1830b65a (CIE XYZ color space) | |
https://www.fourmilab.ch/documents/specrend/ (XYZ to another color space conversion) | |
(Deep Learning in Computer Vision) - | |
https://www.coursera.org/lecture/deep-learning-in-computer-vision/introduction-to-video-analysis-alApg - DONE | |
(Image libraries in Python) - | |
https://towardsdatascience.com/image-manipulation-tools-for-python-6eb0908ed61f - DONE | |
https://github.com/open-mmlab/mmcv (MMCV library) | |
Pillow (PIL) - | |
https://pillow.readthedocs.io/en/3.0.x/handbook/tutorial.html - UP | |
http://zetcode.com/python/pillow/ - UP | |
SkImage - | |
https://scikit-image.org/docs/dev/index.html | |
Matplotlib - | |
https://www.youtube.com/playlist?list=PL-osiE80TeTvipOqomVEeZ1HRrcEvtZB_ - UP | |
https://towardsdatascience.com/matplotlib-tutorial-learn-basics-of-pythons-powerful-plotting-library-b5d1b8f67596 (Good Primer) - DONE | |
https://matplotlib.org/3.1.0/gallery/ | |
https://matplotlib.org/3.1.0/tutorials/introductory/pyplot.html - DONE | |
Image Augmentation / Imgaug - | |
https://github.com/aleju/imgaug-doc/tree/master/notebooks | |
https://imgaug.readthedocs.io/en/latest/index.html | |
--- Data Labelling —-- | |
https://github.com/opencv/cvat (CVAT) | |
https://github.com/wkentaro/labelme (LABELME) | |
https://docs.voxel51.com/ (FIFTYONE) | |
Crowdsourcing - | |
https://pypi.org/project/task-assembly/ | |
https://github.com/Toloka/crowd-kit | |
Kornia - | |
https://medium.com/pytorch/how-a-research-scientist-built-kornia-an-open-source-differentiable-library-for-pytorch-16e2aa758bc8 - DONE | |
Video Processing - | |
https://github.com/dmlc/decord | |
https://github.com/kkroening/ffmpeg-python | |
https://github.com/PyAV-Org/PyAV | |
https://github.com/sbraz/pymediainfo | |
https://anaconda.org/anjos/mediainfo | |
http://www.scikit-video.org/stable | |
----------------------------- | |
PyTorch - | |
(General) -> | |
https://www.youtube.com/playlist?list=PLZbbT5o_s2xrfNyHZsM6ufI0iZENK9xgG - UP | |
https://pytorch.org/tutorials/ | |
https://github.com/hunkim/PyTorchZeroToAll | |
(Autograd/Dynamic Graphs) -> | |
https://pytorch.org/docs/stable/notes/autograd.html (Autograd usage/tips) - DONE | |
https://blog.paperspace.com/pytorch-101-understanding-graphs-and-automatic-differentiation/ (Autograd/Graphs) - DONE | |
https://towardsdatascience.com/pytorch-autograd-understanding-the-heart-of-pytorchs-magic-2686cd94ec95 (Autograd) - DONE | |
https://www.youtube.com/watch?v=MswxJw-8PvE (Autograd/Graphs) - DONE | |
https://github.com/karpathy/micrograd (Tiny scalar autograd engine) | |
(Dataset/DataLoader) -> | |
https://towardsdatascience.com/building-efficient-custom-datasets-in-pytorch-2563b946fd9f (dataset/dataloader) | |
(Memory/GPU/Parallelization/Optimization) -> | |
https://github.com/anderskm/gputil (cuda/GPU usage) - DONE | |
https://blog.paperspace.com/pytorch-memory-multi-gpu-debugging/ (memory,parallel optimization) - DONE | |
https://medium.com/huggingface/training-larger-batches-practical-tips-on-1-gpu-multi-gpu-distributed-setups-ec88c3e51255 (several tech) - DONE | |
https://aws.amazon.com/blogs/aws/managed-data-parallelism-in-amazon-sagemaker-simplifies-training-on-large-datasets/ — DONE | |
(Debugging/Visualizaion) -> | |
https://blog.paperspace.com/pytorch-hooks-gradient-clipping-debugging/ - DONE | |
(Ecosystem) -> | |
https://williamfalcon.github.io/pytorch-lightning/ (pytorch-lightening) | |
https://github.com/williamFalcon/pytorch-lightning (pytorch-lightening) | |
https://www.learnopencv.com/getting-started-with-pytorch-lightning/ (pytorch-lightening) | |
https://towardsdatascience.com/pytorch-lightning-vs-pytorch-ignite-vs-fast-ai-61dc7480ad8a (pytorch-lightening) | |
https://github.com/nvidia/apex (Mixed Precison/Distributed Training) | |
https://pytorch.org/blog/pipetransformer-automated-elastic-pipelining/ (Pipelining for distributed training) | |
https://medium.com/the-artificial-impostor/use-nvidia-apex-for-easy-mixed-precision-training-in-pytorch-46841c6eed8c (Mixed Precison/Distributed Training) | |
https://github.com/sksq96/pytorch-summary (torch-summary) - DONE | |
https://github.com/microsoft/DeepSpeed (deep learning optimization library by Microsoft) | |
----------------------------- | |
TensorFlow - | |
https://haelchan.me/2018/04/27/tensorflow-learning/ - UP | |
https://medium.com/the-artificial-impostor/notes-understanding-tensorflow-part-1-5f0ebb253ad4 | |
https://github.com/hunkim/DeepLearningZeroToAll | |
https://towardsdatascience.com/tensorflow-gpu-installation-made-easy-use-conda-instead-of-pip-52e5249374bc (Install) - DONE | |
https://cv-tricks.com/tensorflow-tutorial/save-restore-tensorflow-models-quick-complete-tutorial/ (Model) - DONE | |
--- TFRecords --- | |
https://towardsdatascience.com/tfrecords-explained-24b8f2133282 - DONE | |
https://www.kaggle.com/gauravchopracg/understanding-tfrecord-format - DONE | |
https://www.tensorflow.org/tutorials/load_data/tfrecord - DONE | |
----------------------------- | |
MXNet — | |
https://d2l.ai/index.html (Comprehensive handson course uses MXNet) | |
(GluonCV) | |
https://gluon-cv.mxnet.io/ | |
----------------------------- | |
Caffe2 - | |
https://www.learnopencv.com/pytorch-model-inference-using-onnx-and-caffe2/ - DONE | |
----------------------------- | |
Mobile ML / Embedded ML — | |
https://github.com/facebookresearch/d2go (E2E model training and deployment to mobile platform and hardware) | |
https://pytorch.org/mobile/home/ (Deploy pytorch models on mobile hardware) | |
----------------------------- | |
DNN Architectures | |
https://towardsdatascience.com/an-intuitive-guide-to-deep-network-architectures-65fdc477db41 - DONE | |
https://towardsdatascience.com/up-sampling-with-transposed-convolution-9ae4f2df52d0 (Transposed Convolution/Upsampling/Deconvolution) - DONE | |
https://medium.com/@santi.pdp/how-pytorch-transposed-convs1d-work-a7adac63c4a5 (Transposed Convolution/Upsampling/Deconvolution) - DONE | |
https://medium.com/@jonathan_hui/gan-whats-generative-adversarial-networks-and-its-application-f39ed278ef09 (GAN) | |
https://www.jeremyjordan.me/autoencoders/ (Autoencoders) | |
https://www.quora.com/What-is-the-difference-between-dilated-convolution-and-convolution+stride (Dilated Convolution) - DONE | |
https://medium.com/@santi.pdp/receptive-fields-in-convolutional-neural-networks-6368a699d838 (Different aspects of convolutions) - DONE | |
https://medium.com/mlreview/a-guide-to-receptive-field-arithmetic-for-convolutional-neural-networks-e0f514068807 (Receptive filed) - DONE | |
https://towardsdatascience.com/types-of-convolutions-in-deep-learning-717013397f4d (Different Convolution layers) - DONE | |
https://medium.com/coinmonks/review-sppnet-1st-runner-up-object-detection-2nd-runner-up-image-classification-in-ilsvrc-906da3753679 (SPPNet and SPP) - DONE | |
https://towardsdatascience.com/review-fpn-feature-pyramid-network-object-detection-262fc7482610 (FPN for OD) | |
https://towardsdatascience.com/review-squeezenet-image-classification-e7414825581a (Squeezenet/Fire modules) - DONE | |
https://towardsdatascience.com/a-simple-guide-to-the-versions-of-the-inception-network-7fc52b863202 (Inception family) - DONE | |
----- Optical Flow ------ | |
https://towardsdatascience.com/a-brief-review-of-flownet-dca6bd574de0 (Flownet) - UP | |
https://blog.paperspace.com/tag/series-yolo/ (Good series on Yolo concept and implementaion) - UP | |
https://github.com/sniklaus/pytorch-liteflownet | |
---- Video based DL ---- | |
https://blog.coast.ai/five-video-classification-methods-implemented-in-keras-and-tensorflow-99cad29cc0b5 (Good) - DONE | |
https://au.mathworks.com/help/deeplearning/ug/classify-videos-using-deep-learning.html - DONE | |
https://towardsdatascience.com/are-you-ready-for-a-video-classification-challenge-d044e3b202b6 (Good refs) | |
https://thebinarynotes.com/video-classification-keras-convlstm/ | |
https://github.com/sagarvegad/Video-Classification-CNN-and-LSTM- | |
https://pytorchvideo.org/ ; https://github.com/facebookresearch/pytorchvideo (PytorchVideo) | |
----- Reinforcement Learning ------ | |
https://github.com/openai/spinningup (good) | |
https://spinningup.openai.com/en/latest/ | |
https://github.com/deepmind/trfl (tensorflow based library) | |
----------------------------- | |
---- Visualizaing convnets outputs/activations/feature maps/experiment management ---- | |
http://cs231n.github.io/understanding-cnn/ | |
http://blog.qure.ai/notes/visualizing_deep_learning | |
http://yosinski.com/deepvis | |
https://www.google.com/search?q=neural+network+visualization&client=ubuntu&hs=wK7&channel=fs&source=lnms&tbm=vid | |
https://www.youtube.com/watch?v=yCC09vCHzF8 | |
https://medium.com/rapids-ai/tsne-with-gpus-hours-to-seconds-9d9c17c941db (tsne) | |
https://www.learnopencv.com/experiment-logging-with-tensorboard-and-wandb/ - DONE | |
https://github.com/kennethleungty/Neural-Network-Architecture-Diagrams (diagrams.net) | |
https://www.wandb.com/ | |
https://github.com/IDSIA/sacred | |
https://github.com/vivekratnavel/omniboard | |
----------------------------- | |
Multi-label/multi-class classification - | |
https://www.learnopencv.com/multi-label-image-classification-with-pytorch/ - DONE | |
----------------------------- | |
Transfer learning | |
https://blog.keras.io/building-powerful-image-classification-models-using-very-little-data.html | |
https://www.codesofinterest.com/2017/08/bottleneck-features-multi-class-classification-keras.html | |
---------------------------- | |
Model Efficincy | |
https://jacobgil.github.io/deeplearning/pruning-deep-learning | |
https://www.youtube.com/playlist?list=PLd0XF75dq-1a7OZTl1kAiM2ZqeKqQpKFH (AI Model Efficiency Toolkit) | |
https://quic.github.io/aimet-pages/index.html (Qualcomm) | |
https://github.com/openvinotoolkit/nncf (Intel) | |
---------------------------- | |
LSTM/RNN | |
http://colah.github.io/posts/2015-08-Understanding-LSTMs/ - DONE | |
https://medium.com/mlreview/understanding-lstm-and-its-diagrams-37e2f46f1714 (Good) - DONE | |
---------------------------- | |
LAYERS -> | |
https://towardsdatascience.com/dropout-on-convolutional-layers-is-weird-5c6ab14f19b2 (dropout) — DONE | |
---------------------------- | |
Autoencoders/Variational Autoencoders | |
https://blog.keras.io/building-autoencoders-in-keras.html (Good) | |
---------------------------- | |
Embeddings/Word2Vec | |
https://www.analyticsvidhya.com/blog/2017/06/word-embeddings-count-word2veec/ - DONE | |
https://jalammar.github.io/illustrated-word2vec/ - DONE | |
https://ruder.io/word-embeddings-1/index.html | |
---------------------------- | |
Transformer/Bert/GPT | |
https://ai.googleblog.com/2020/08/language-agnostic-bert-sentence.html (Good) — DONE | |
https://github.com/karpathy/nanoGPT (nano GPT) | |
---------------------------- | |
LDA | |
https://towardsdatascience.com/classification-part-2-linear-discriminant-analysis-ea60c45b9ee5 | |
---------------------------- | |
AutoML | |
https://www.fast.ai/2018/07/12/auto-ml-1/ | |
https://autogluon.mxnet.io/ | |
https://github.com/automl/auto-sklearn | |
https://github.com/google/model_search (Good) | |
---------------------------- | |
Docker | |
https://www.goodbytes.be/blog/article/docker-a-simple-example-for-a-php-mysql-setup - UP | |
https://linuxconfig.org/how-to-create-a-docker-based-lamp-stack-using-docker-compose-on-ubuntu-18-04-bionic-beaver-linux - UP | |
https://www.linode.com/docs/applications/containers/how-to-install-docker-and-deploy-a-lamp-stack/ - DONE | |
https://hackernoon.com/docker-tutorial-getting-started-with-python-redis-and-nginx-81a9d740d091 | |
https://docker-doc.readthedocs.io/zh_CN/stable/examples/running_redis_service.html | |
https://www.ionos.com/community/hosting/redis/using-redis-in-docker-containers/ | |
(user-namespace) | |
https://www.pugetsystems.com/labs/hpc/How-To-Setup-NVIDIA-Docker-and-NGC-Registry-on-your-Workstation---Part-3-Setup-User-Namespaces-1114/ (docker with namespace) - DONE | |
https://www.pugetsystems.com/labs/hpc/Workstation-Setup-for-Docker-with-the-New-NVIDIA-Container-Toolkit-nvidia-docker2-is-deprecated-1568/#Step3)InstallNVIDIAContainerToolkit - DONE | |
https://www.jujens.eu/posts/en/2017/Jul/02/docker-userns-remap/ | |
https://www.afternerd.com/blog/python-http-server/ - DONE | |
Dockerized webapp - https://www.digitalocean.com/community/tutorials/how-to-configure-a-continuous-integration-testing-environment-with-docker-and-docker-compose-on-ubuntu-16-04 | |
https://www.linode.com/docs/applications/containers/how-to-use-docker-compose/ | |
Docker Build Context - https://medium.com/lucjuggery/docker-tips-about-the-build-context-dbc76505e178 - DONE | |
Compose - | |
https://docs.docker.com/compose/gettingstarted/ | |
https://www.linode.com/docs/applications/containers/how-to-use-docker-compose/ - DONE | |
Alpine | |
https://www.cyberciti.biz/faq/10-alpine-linux-apk-command-examples/ - DONE | |
PUSH/PULL | |
https://ropenscilabs.github.io/r-docker-tutorial/04-Dockerhub.html - DONE | |
DockerFile - | |
https://www.howtoforge.com/tutorial/how-to-create-docker-images-with-dockerfile/ - DONE | |
https://takacsmark.com/dockerfile-tutorial-by-example-dockerfile-best-practices-2018/ - UP | |
https://docs.docker.com/engine/reference/builder/ | |
Management - | |
http://yallalabs.com/devops/how-to-install-portainer-web-ui-container-docker/ - DONE | |
Prune - | |
https://docs.docker.com/config/pruning/ - DONE | |
---------------------------- | |
Numpy | |
https://machinelearningmastery.com/index-slice-reshape-numpy-arrays-machine-learning-python/ | |
https://www.pythonlikeyoumeanit.com/Module3_IntroducingNumpy/BasicIndexing.html - UP | |
https://www.pythonlikeyoumeanit.com/Module3_IntroducingNumpy/AdvancedIndexing.html - UP | |
https://docs.scipy.org/doc/numpy/reference/maskedarray.generic.html#maskedarray-generic-constructing - DONE | |
https://towardsdatascience.com/why-you-should-start-using-npy-file-more-often-df2a13cc0161 - DONE | |
https://stackoverflow.com/questions/14415741/numpy-array-vs-asarray/41030256# - DONE | |
(Grids) | |
https://stackoverflow.com/questions/36013063/what-is-the-purpose-of-meshgrid-in-python-numpy - DONE | |
http://louistiao.me/posts/numpy-mgrid-vs-meshgrid/ - DONE | |
https://www.teachme.codes/docs/Numpy/grid/meshgrid/ | |
---------------------------- | |
Machine Learning - | |
https://medium.com/diogo-menezes-borges/regularisation-do-i-really-need-you-74a5af9e1399 - DONE | |
https://www.analyticsvidhya.com/blog/2018/06/comprehensive-guide-for-ensemble-models/ | |
https://github.com/ageron/handson-ml2 - UP | |
https://github.com/jakevdp/PythonDataScienceHandbook/blob/master/notebooks/Index.ipynb - UP | |
https://developers.google.com/machine-learning/crash-course/ | |
https://haelchan.me/2018/02/18/deep-learning-note/ | |
https://github.com/hunkim/KaggleZeroToAll | |
https://towardsdatascience.com/https-medium-com-vishalmorde-xgboost-algorithm-long-she-may-rein-edd9f99be63d | |
https://medium.com/diogo-menezes-borges/whats-the-trade-off-between-bias-and-variance-c05b241b15d9 - DONE | |
https://stanford.edu/~shervine/teaching/cs-229/ (Cheat sheet of concepts) | |
https://github.com/jainxy/data-science-from-scratch | |
--- Probabilities/Scores/ROC/Caliberation --- | |
https://kiwidamien.github.io/what-is-a-roc-curve-a-visualization-with-credit-scores.html - DONE | |
https://machinelearningmastery.com/roc-curves-and-precision-recall-curves-for-classification-in-python/ - DONE | |
https://machinelearningmastery.com/calibrated-classification-model-in-scikit-learn/ - DONE | |
https://stephens999.github.io/fiveMinuteStats/intro_to_em.html (EM-GMM) - DONE | |
http://alondaks.com/2017/12/31/the-importance-of-calibrating-your-deep-model/ | |
--- Likelihood/MLE/MAP/EM/KL-divergence --- | |
https://medium.com/@abhinav.mahapatra10/probability-vs-likelihood-bab5b2b42150 - DONE | |
https://www.youtube.com/watch?v=XepXtl9YKwc - DONE | |
https://towardsdatascience.com/a-gentle-introduction-to-maximum-likelihood-estimation-and-maximum-a-posteriori-estimation-d7c318f9d22d - DONE | |
https://leimao.github.io/blog/Cross-Entropy-KL-Divergence-MLE/ (Good) | |
--- Probabilistic programming --- | |
https://www.tensorflow.org/probability | |
https://github.com/pymc-devs/pymc3 | |
https://pyro.ai/ | |
https://pystan.readthedocs.io/en/latest/ | |
https://towardsdatascience.com/an-introduction-to-bayesian-inference-in-pystan-c27078e58d53 | |
https://towardsdatascience.com/from-scratch-bayesian-inference-markov-chain-monte-carlo-and-metropolis-hastings-in-python-ef21a29e25a (Good) - DONE | |
https://stephens999.github.io/fiveMinuteStats/gibbs1.html — DONE | |
--- KDE --- | |
https://jakevdp.github.io/PythonDataScienceHandbook/05.13-kernel-density-estimation.html - DONE | |
https://scikit-learn.org/stable/modules/density.html | |
--- EDA --- | |
https://medium.com/@pratheesh.27998/exploratory-data-analysis-dcb5e7189c4e - DONE | |
--- Bayesian --- | |
https://towardsdatascience.com/bayesian-inference-intuition-and-example-148fd8fb95d6 - DONE | |
https://towardsdatascience.com/conjugate-prior-explained-75957dc80bfb - DONE | |
--- Preprocessing --- | |
(Scaling, Normalize, Standardize) | |
https://medium.com/@swethalakshmanan14/how-when-and-why-should-you-normalize-standardize-rescale-your-data-3f083def38ff - DONE | |
https://machinelearningmastery.com/how-to-improve-neural-network-stability-and-modeling-performance-with-data-scaling/ (Good) — DONE | |
http://cs231n.github.io/neural-networks-2/#datapre | |
(Categorical Encoding) | |
https://www.analyticsvidhya.com/blog/2020/08/types-of-categorical-data-encoding/ — DONE | |
https://towardsdatascience.com/target-encoding-and-bayesian-target-encoding-5c6a6c58ae8c | |
https://github.com/scikit-learn-contrib/category_encoders | |
--- Decesion trees (ID3 algo) --- | |
https://medium.com/coinmonks/what-is-entropy-and-why-information-gain-is-matter-4e85d46d2f01 - DONE | |
https://medium.com/machine-learning-guy/an-introduction-to-decision-tree-learning-id3-algorithm-54c74eb2ad55 - DONE | |
https://medium.com/machine-learning-guy/using-decision-tree-method-for-car-selection-problem-5272675451f9 | |
https://towardsdatascience.com/gini-index-vs-information-entropy-7a7e4fed3fcb - DONE | |
--- Decesion trees (CART algo) --- | |
https://machinelearningmastery.com/classification-and-regression-trees-for-machine-learning/ - DONE | |
--- Random Forest --- | |
https://stackoverflow.com/questions/18541923/what-is-out-of-bag-error-in-random-forests - DONE | |
--- Ensemble learning/GBM/XgBoost/LightGBM/Catboost --- | |
https://towardsdatascience.com/ensemble-methods-bagging-boosting-and-stacking-c9214a10a205 | |
https://www.linkedin.com/pulse/bias-variance-bagging-boosting-dummies-i-sray-agarwal - DONE | |
https://www.analyticsvidhya.com/blog/2015/11/quick-introduction-boosting-algorithms-machine-learning/ (Boosting algos) | |
https://www.analyticsvidhya.com/blog/2015/05/boosting-algorithms-simplified/ (Adaboost/Gradient Boost) | |
https://www.analyticsvidhya.com/blog/2016/02/complete-guide-parameter-tuning-gradient-boosting-gbm-python/ (GBM) | |
https://www.analyticsvidhya.com/blog/2016/03/complete-guide-parameter-tuning-xgboost-with-codes-python/ (Xgboost) | |
https://www.analyticsvidhya.com/blog/2017/06/which-algorithm-takes-the-crown-light-gbm-vs-xgboost/ (LightGBM vs Xgboost) | |
https://medium.com/@pushkarmandot/https-medium-com-pushkarmandot-what-is-lightgbm-how-to-implement-it-how-to-fine-tune-the-parameters-60347819b7fc (LightGBM) | |
https://catboost.ai/docs/concepts/about.html (Catboost) | |
https://machinelearningmastery.com/gradient-boosting-with-scikit-learn-xgboost-lightgbm-and-catboost/ (Xgboost-Lightgbm-Catboost) | |
https://github.com/scikit-learn-contrib/imbalanced-learn ; https://imbalanced-learn.readthedocs.io/en/stable/index.html | |
https://blog.tensorflow.org/2021/05/introducing-tensorflow-decision-forests.html (TFDT) | |
--- Support Vector Machine (SVM) --- | |
https://towardsdatascience.com/understanding-support-vector-machine-part-1-lagrange-multipliers-5c24a52ffc5e (Series) | |
--- Logistic Regression --- | |
http://www.edvancer.in/logistic-regression-vs-decision-trees-vs-svm-part1/ - DONE | |
https://medium.com/nerd-for-tech/understanding-logistic-regression-782baa868a54 — DONE | |
https://arunaddagatla.medium.com/maximum-likelihood-estimation-in-logistic-regression-f86ff1627b67 — DONE | |
--- Linear Regression --- | |
https://medium.com/geekculture/linear-regression-in-a-nutshell-1714d5665fd2 — DONE | |
--- Feature Selection --- | |
4. https://towardsdatascience.com/boruta-explained-the-way-i-wish-someone-explained-it-to-me-4489d70e154a (DONE) | |
--- PCA --- | |
https://towardsdatascience.com/dive-into-pca-principal-component-analysis-with-python-43ded13ead21 | |
https://www.itl.nist.gov/div898/handbook/pmc/section5/pmc55.htm - DONE | |
https://www.quora.com/What-is-the-curse-of-dimensionality (Curse of Dimensionality) — DONE | |
--- Deep Learning Concepts --- | |
https://colah.github.io/posts/2015-08-Backprop/ - DONE | |
https://medium.com/@14prakash/back-propagation-is-very-simple-who-made-it-complicated-97b794c97e5c - DONE | |
https://medium.com/@karpathy/yes-you-should-understand-backprop-e2f06eab496b - DONE | |
https://towardsdatascience.com/neural-network-embeddings-explained-4d028e6f0526 - DONE | |
https://deeplizard.com/ (Good hands-on courses) - UP | |
https://stanford.edu/~shervine/teaching/cs-230/ (Cheat sheet of concepts) | |
https://d2l.ai/index.html (Comprehensive handson course uses MXNet) | |
--- Sequence Modelling --- | |
https://www.analyticsvidhya.com/blog/2018/04/sequence-modelling-an-introduction-with-practical-use-cases/ - DONE | |
https://towardsdatascience.com/sequence-to-sequence-model-introduction-and-concepts-44d9b41cd42d - DONE | |
https://distill.pub/2017/ctc/ (Use CTC predictor to model ASR/STR/Video-Action) - DONE | |
https://guillaumegenthial.github.io/sequence-to-sequence.html (Good introduction) - DONE | |
https://github.com/pytorch/fairseq (Facebook Research Seq toolkit) | |
--- Attention/Memory -------- | |
http://www.wildml.com/2016/01/attention-and-memory-in-deep-learning-and-nlp/ - UP | |
https://medium.com/syncedreview/a-brief-overview-of-attention-mechanism-13c578ba9129 - DONE | |
https://distill.pub/2016/augmented-rnns/ | |
https://github.com/BangguWu/ECANet (Channel Attention for CNN) | |
--- Time Series ---- | |
https://machinelearningmastery.com/start-here/#timeseries -> Beginner | |
https://machinelearningmastery.com/start-here/#deep_learning_time_series -> Advanced | |
https://gluon-ts.mxnet.io/ | |
https://github.com/alan-turing-institute/sktime | |
https://github.com/facebook/prophet | |
https://github.com/ourownstory/neural_prophet | |
https://github.com/jdb78/pytorch-forecasting (Pytorch Time series forecasting) | |
(Learn Forecasting) | |
https://otexts.com/fpp2/ | |
https://www.kaggle.com/prashant111/complete-guide-on-time-series-analysis-in-python | |
https://www.kaggle.com/prashant111/arima-model-for-time-series-forecasting | |
--- RNN/LSTM/NLP --- | |
https://machinelearningmastery.com/crash-course-recurrent-neural-networks-deep-learning/ -( CONCEPTS) | |
https://machinelearningmastery.com/gentle-introduction-long-short-term-memory-networks-experts/ - (CONCEPTS) | |
https://colah.github.io/posts/2015-08-Understanding-LSTMs/ - (CONCEPTS) | |
https://www.analyticsvidhya.com/blog/2017/12/fundamentals-of-deep-learning-introduction-to-lstm/ - (WITHCODE) | |
https://adventuresinmachinelearning.com/keras-lstm-tutorial/ - (WITHCODE) | |
http://karpathy.github.io/2015/05/21/rnn-effectiveness/ - DONE | |
http://web.stanford.edu/class/cs224n/ | |
--- Approach to data/ML product --------- | |
https://www.fast.ai/2018/07/12/auto-ml-1/ (BIBLICAL) - ALIVE | |
https://www.oreilly.com/ideas/drivetrain-approach-data-products | |
--- Evaluation Metrices/Loss functions --------- | |
https://towardsdatascience.com/how-to-select-the-right-evaluation-metric-for-machine-learning-models-part-3-classification-3eac420ec991 - DONE | |
https://towardsdatascience.com/how-to-select-the-right-evaluation-metric-for-machine-learning-models-part-1-regrression-metrics-3606e25beae0 - DONE | |
https://towardsdatascience.com/how-to-select-the-right-evaluation-metric-for-machine-learning-models-part-2-regression-metrics-d4a1a9ba3d74 - DONE | |
https://isaacchanghau.github.io/post/loss_functions/ | |
https://medium.com/udacity-pytorch-challengers/a-brief-overview-of-loss-functions-in-pytorch-c0ddb78068f7 - DONE | |
--- Hyperparameters search/tuning --- | |
https://www.analyticsindiamag.com/why-is-random-search-better-than-grid-search-for-machine-learning/ - DONE | |
https://www.analyticsindiamag.com/what-are-hyperparameters-and-how-do-they-determine-a-models-performance/ - DONE | |
https://medium.com/@senapati.dipak97/grid-search-vs-random-search-d34c92946318 - DONE | |
https://www.kaggle.com/willkoehrsen/intro-to-model-tuning-grid-and-random-search (scikit-code) | |
https://github.com/kevinzakka/hypersearch (Tune Pytorch parameters) | |
https://towardsdatascience.com/what-are-hyperparameters-and-how-to-tune-the-hyperparameters-in-a-deep-neural-network-d0604917584a (Good) - Done | |
https://github.com/scikit-optimize/scikit-optimize (Bayes optimization in scikit-learn) | |
https://github.com/kevinzakka/hypersearch (Hyperparameter optimization for PyTorch) | |
https://github.com/optuna/optuna ; https://optuna.readthedocs.io/en/stable/index.html | |
https://docs.ray.io/en/master/tune/index.html (Ray HPO tuning, GOOD) | |
--- MATHEMATICS/Statistics --- | |
https://explained.ai/matrix-calculus/ - DONE | |
https://github.com/tirthajyoti/Stats-Maths-with-Python | |
https://www.youtube.com/playlist?list=PLeRUz657THGgyCyL0PerQvf7nV54tu8za (Statistics for data-science) - DONE | |
https://www.youtube.com/playlist?list=PL8dPuuaLjXtNM_Y-bUAhblSAdWRnmBUcr - DONE | |
https://www.analyticsvidhya.com/blog/2019/09/everything-know-about-p-value-from-scratch-data-science/ (p-value) — DONE | |
--- Siamese Network ------------- | |
https://www.quora.com/What-are-Siamese-neural-networks-what-applications-are-they-good-for-and-why - DONE | |
--- One-shot learning ------------ | |
https://machinelearningmastery.com/one-shot-learning-with-siamese-networks-contrastive-and-triplet-loss-for-face-recognition/ - DONE | |
https://towardsdatascience.com/one-shot-learning-with-siamese-networks-using-keras-17f34e75bb3d - DONE | |
--- Contrastive learning ------------ | |
https://ankeshanand.com/blog/2020/01/26/contrative-self-supervised-learning.html | |
---- Spatial Transformer Network (STN) ----- | |
https://towardsdatascience.com/convnets-series-spatial-transformer-networks-cff47565ae81 - UP | |
https://medium.com/@hyponymous/paper-summary-spatial-transformer-networks-39d813dff7dd - UP | |
https://medium.com/@shanlins/spatial-transformer-networks-stn-and-its-implementation-2638d58d41f8 - UP | |
https://pytorch.org/tutorials/intermediate/spatial_transformer_tutorial.html | |
--- Learning Rate schedules ------------- | |
https://towardsdatascience.com/learning-rate-schedules-and-adaptive-learning-rate-methods-for-deep-learning-2c8f433990d1 - DONE | |
https://towardsdatascience.com/learning-rate-schedule-in-practice-an-example-with-keras-and-tensorflow-2-0-2f48b2888a0c - DONE | |
--- Tensorboard/Monitoring --------- | |
https://tensorboardx.readthedocs.io/en/latest/tutorial.html - DONE | |
https://towardsdatascience.com/https-medium-com-dinber19-take-a-deeper-look-at-your-pytorch-model-with-the-new-tensorboard-built-in-513969cf6a72 | |
https://pair-code.github.io/what-if-tool/walkthrough.html (Advanced probing-visualization tool) | |
(Tensor Dash) | |
https://github.com/CleanPegasus/TensorDash | |
https://cleanpegasus.github.io/TensorDash/ | |
--- DLIB ------- | |
http://dlib.net/ | |
http://krasserm.github.io/2018/02/07/deep-face-recognition/ | |
https://www.pyimagesearch.com/2017/04/03/facial-landmarks-dlib-opencv-python/ | |
https://www.learnopencv.com/face-detection-opencv-dlib-and-deep-learning-c-python/ (Code-tutorial) - DONE | |
https://towardsdatascience.com/cnn-based-face-detector-from-dlib-c3696195e01c | |
Graph Machine Learning - | |
https://medium.com/stellargraph/knowing-your-neighbours-machine-learning-on-graphs-9b7c3d0d5896 - DONE | |
https://medium.com/stellargraph/graph-neural-network-model-calibration-for-trusted-predictions-e49628487e7b | |
https://stellargraph.readthedocs.io/en/stable/index.html | |
https://github.com/dmlc/dgl (Deep Graph Library) | |
https://github.com/tensorflow/gnn (TensorFlow GNN) | |
https://github.com/awslabs/graphstorm (Enterprise Graph ML Framework) | |
--- Causal / Causality Machine Learning --- | |
https://docs.causality.aws.dev/ (Causality package) | |
Knowledge Distillation — | |
https://nervanasystems.github.io/distiller/knowledge_distillation.html - DONE | |
https://towardsdatascience.com/knowledge-distillation-simplified-dd4973dbc764 - DONE | |
Label smoothing — | |
https://leimao.github.io/blog/Label-Smoothing/ - DONE | |
https://www.pyimagesearch.com/2019/12/30/label-smoothing-with-keras-tensorflow-and-deep-learning/ - DONE | |
https://rickwierenga.com/blog/machine%20learning/LabelSmoothing.html - DONE | |
Data Imbalance/Unbalanced dataset - | |
https://towardsdatascience.com/deep-learning-unbalanced-training-data-solve-it-like-this-6c528e9efea6 - DONE | |
http://francescopochetti.com/extreme-label-imbalance-when-you-measure-the-minority-class-in-basis-points/ - DONE | |
https://machinelearningmastery.com/smote-oversampling-for-imbalanced-classification/ (SMOTE) | |
Early Stopping — | |
https://towardsdatascience.com/early-stopping-a-cool-strategy-to-regularize-neural-networks-bfdeca6d722e - DONE | |
https://machinelearningmastery.com/how-to-stop-training-deep-neural-networks-at-the-right-time-using-early-stopping/ - DONE | |
https://towardsdatascience.com/a-practical-introduction-to-early-stopping-in-machine-learning-550ac88bc8fd | |
Exploding/Vanishing gradient — | |
https://machinelearningmastery.com/how-to-avoid-exploding-gradients-in-neural-networks-with-gradient-clipping/ — DONE | |
Learning Rate Schedule — | |
https://towardsdatascience.com/learning-rate-schedule-in-practice-an-example-with-keras-and-tensorflow-2-0-2f48b2888a0c | |
Fairness/Bias/Privacy/Explainability | |
https://github.com/princetonvisualai/revise-tool (Revealing visual bias) | |
https://github.com/aws/amazon-sagemaker-clarify/ | |
https://knowyourdata.withgoogle.com/ (Dataset exploration tool) | |
https://www.cooperhewitt.org/cooper-hewitt-guidelines-for-image-description/ (Guidelines for labelling images) | |
Interpretable/Explainable ML — | |
https://christophm.github.io/interpretable-ml-book/ | |
https://www.kaggle.com/dansbecker/use-cases-for-model-insights | |
https://towardsdatascience.com/explain-your-model-with-the-shap-values-bc36aac4de3d | |
https://medium.com/dynatrace-engineering/understanding-black-box-ml-models-with-explainable-ai-40626cc39520 — DONE | |
https://github.com/pytorch/captum (Model interpretability and understanding for PyTorch) | |
Model serving/Production — | |
https://github.com/pytorch/serve | |
https://www.tensorflow.org/tfx/guide/serving | |
https://github.com/awslabs/multi-model-server | |
https://imjoy.io/#/ | |
https://github.com/RedisAI/RedisAI | |
ML management — | |
https://github.com/iterative/dvc ; https://dvc.org/doc | |
EDGE / Inference RUNTIME — | |
https://www.forecr.io/blogs/ai-algorithms/how-to-run-yolov5-real-time-object-detection-on-pytorch-with-docker-on-nvidia-jetson-modules (object detection on Jetson) | |
IOT — | |
======================================== | |
NLP | |
N-gram - | |
https://blog.xrds.acm.org/2017/10/introduction-n-grams-need/ - DONE | |
NLP package — | |
https://github.com/huggingface/transformers | |
---------------------------- | |
MorphNet - | |
https://ai.googleblog.com/2019/04/morphnet-towards-faster-and-smaller.html | |
https://www.analyticsindiamag.com/googles-new-technique-morphnet-can-build-smaller-faster-neural-networks/ | |
https://github.com/google-research/morph-net/blob/master/g3doc/MorphNet_GTC2019.pdf | |
https://github.com/google-research/morph-net | |
Casual Inference/Casual ML - | |
https://github.com/uber/causalml | |
https://github.com/microsoft/EconML | |
https://github.com/Microsoft/dowhy | |
Accelerated ML/DL Libraries — | |
https://rapids.ai/ (NVIDIA Rapids) | |
https://developer.nvidia.com/blog/step-by-step-guide-to-building-a-machine-learning-application-with-rapids/ (RAPIDS tutorial) | |
https://docs.dask.org/en/latest/ ; https://medium.com/@gongster/dask-an-introduction-and-tutorial-b42f901bcff5 | |
--------------------------- | |
Kalman Filter - | |
https://www.youtube.com/playlist?list=PLX2gX-ftPVXU3oUFNATxGXY90AULiqnWT | |
https://towardsdatascience.com/kalman-filter-interview-bdc39f3e6cf3 - DONE | |
----------------------------- | |
============================= | |
MATHEMATICS | |
--- Statistics --- | |
https://support.minitab.com/en-us/minitab/19/help-and-how-to/statistics/basic-statistics/how-to/1-sample-t/interpret-the-results/all-statistics-and-graphs/ - DONE | |
--- Distributions --- | |
Poisson: https://towardsdatascience.com/poisson-distribution-intuition-and-derivation-1059aeab90d — DONE | |
Exponential: https://towardsdatascience.com/what-is-exponential-distribution-7bdd08590e2a — DONE | |
Beta: https://towardsdatascience.com/beta-distribution-intuition-examples-and-derivation-cf00f4db57af — DONE | |
Gamma: https://towardsdatascience.com/gamma-distribution-intuition-derivation-and-examples-55f407423840 — DONE | |
Gamma Fn: https://towardsdatascience.com/gamma-function-intuition-derivation-and-examples-5e5f72517dee — DONE | |
Erlang: https://towardsdatascience.com/sum-of-exponential-random-variables-b023b61f0c0f — DONE | |
============================= | |
Internet/Web/SSH/UFW | |
https://support.dnsimple.com/articles/differences-between-a-cname-alias-url/ - DONE | |
https://www.digitalocean.com/community/tutorials/using-a-cdn-to-speed-up-static-content-delivery - DONE | |
Port forwarding - | |
https://linuxhint.com/ssh-port-forwarding-linux/ - DONE | |
https://help.ubuntu.com/community/SSH/OpenSSH/PortForwarding - DONE | |
https://www.ssh.com/academy/ssh/tunneling — DONE | |
SSH Agent Forwarding — | |
https://www.cloudsavvyit.com/25/what-is-ssh-agent-forwarding-and-how-do-you-use-it/ — DONE | |
http://www.unixwiz.net/techtips/ssh-agent-forwarding.html | |
Other SSH - | |
https://patrickmn.com/aside/how-to-keep-alive-ssh-sessions/ - DONE | |
https://www.digitalocean.com/community/tutorials/ssh-essentials-working-with-ssh-servers-clients-and-keys | |
UFW/Security - | |
https://www.digitalocean.com/community/tutorials/how-to-set-up-a-firewall-with-ufw-on-ubuntu-14-04 - DONE | |
https://www.digitalocean.com/community/tutorials/ufw-essentials-common-firewall-rules-and-commands - DONE | |
https://www.linode.com/docs/security/securing-your-server/ | |
PostFix/Email/SMTP- | |
https://www.linode.com/docs/email/postfix/postfix-smtp-debian7/ | |
https://www.linode.com/docs/email/postfix/configure-postfix-to-send-mail-using-gmail-and-google-apps-on-debian-or-ubuntu/ | |
https://github.com/postfixadmin/postfixadmin | |
http://postfixadmin.sourceforge.net/ | |
https://linoxide.com/mail/install-configure-postfix-ubuntu/ | |
https://linoxide.com/mail/configure-postfix-webmail-ubuntu/ | |
https://linoxide.com/linux-how-to/install-letsencrypt-ubuntu/ | |
https://www.linode.com/docs/email/running-a-mail-server/ | |
https://www.linode.com/docs/email/postfix/email-with-postfix-dovecot-and-mysql/# | |
https://linuxize.com/series/setting-up-and-configuring-a-mail-server/ | |
----------------------------- | |
NVIDIA | |
https://medium.com/better-programming/how-to-install-nvidia-drivers-and-cuda-10-0-for-rtx-2080-ti-gpu-on-ubuntu-16-04-18-04-ce32e4edf1c0 - Done | |
----------------------------- | |
C++ build and python interfacing | |
https://dmerej.info/blog/post/introducing-the-chuck-norris-project/ | |
----------------------------- | |
Jupyter notebook | |
https://www.dataquest.io/blog/jupyter-notebook-tips-tricks-shortcuts/ - DONE | |
https://www.dataschool.io/cloud-services-for-jupyter-notebook/ (Online notebook kernels) - DONE | |
https://github.com/jupyter/jupyter/wiki/Jupyter-kernels (List of jupyter-kernels) | |
https://towardsdatascience.com/why-i-moved-from-google-colab-and-amazon-sagemaker-to-saturn-cloud-675f0a51ece1 (Saturn Cloud) - DONE | |
https://waylonwalker.com/autoreload-ipython/ — DONE | |
JupyterHub/BinderHub - | |
https://medium.com/cindicator/jupyter-hub-for-data-science-team-weekend-of-a-data-scientist-699308711baa - DONE | |
https://github.com/jupyterhub/jupyterhub - DONE | |
https://jupyterhub.readthedocs.io/en/latest/getting-started/index.html (configuration) | |
https://repo2docker.readthedocs.io/en/latest/howto/deploy.html (Repo2CICD) - DONE | |
(Binderhub) | |
https://mybinder.org/ (Mybinder) - DONE | |
https://mybinder.readthedocs.io/en/latest/tutorials/dockerfile.html - DONE | |
https://github.com/jupyterhub/binderhub (binderhub intro) - DONE | |
(Notebook Ecosystem) | |
https://nbconvert.readthedocs.io/en/latest/usage.html - DONE | |
https://github.com/jupyter/nbdime - DONE | |
https://ljvmiranda921.github.io/notebook/2020/03/16/jupyter-notebooks-in-2020-part-2/ - DONE | |
https://github.com/voila-dashboards/voila | |
https://github.com/streamlit/streamlit (Notebook -> webapp) | |
https://github.com/nteract/papermill | |
https://nbdev.fast.ai/ (Notebook based python modules) | |
https://nextjournal.com/schmudde/how-to-version-control-jupyter (Version-control) — DONE | |
https://jupyter-server-proxy.readthedocs.io/en/latest/ (Jupyter proxy) | |
https://towardsdatascience.com/introducing-mito-how-to-generate-pandas-code-while-editing-a-spreadsheet-96cf874b70c2 (spreadsheet -> pandas) | |
https://jupytext.readthedocs.io/en/latest/index.html (Jupyter notebooks to various text formats) | |
----------------------------------- | |
Databricks/Spark - | |
https://www.freecodecamp.org/news/how-to-get-started-with-databricks-bc8da4ffbccb/ - DONE | |
https://towardsdatascience.com/a-brief-introduction-to-pyspark-ff4284701873 - DONE | |
ipynb - | |
https://ipynb.readthedocs.io/en/stable/ | |
https://github.com/ipython/ipynb | |
ipykernel - | |
https://github.com/ipython/ipykernel | |
https://ipython.readthedocs.io/en/stable/install/kernel_install.html (Good) — DONE | |
----------------------------------- | |
Unicode and character sets ; python; memoryview - | |
https://www.joelonsoftware.com/2003/10/08/the-absolute-minimum-every-software-developer-absolutely-positively-must-know-about-unicode-and-character-sets-no-excuses/ - DONE | |
https://betterexplained.com/articles/unicode/ - DONE | |
https://medium.com/@andreacolangelo/strings-unicode-and-bytes-in-python-3-everything-you-always-wanted-to-know-27dc02ff2686 - DONE | |
https://www.journaldev.com/19178/python-io-bytesio-stringio - DONE | |
https://julien.danjou.info/high-performance-in-python-with-zero-copy-and-the-buffer-protocol/ - DONE | |
https://nedbatchelder.com/text/unipain.html - DONE | |
----------------------------- | |
General - | |
https://docs.python-guide.org/ | |
(Time/Timeit/profile) | |
https://www.webucator.com/blog/2015/08/python-clocks-explained/ (time module) - DONE | |
https://www.geeksforgeeks.org/timeit-python-examples/ (timeit) - DONE | |
https://www.guru99.com/timeit-python-examples.html (timeit) - DONE | |
https://github.com/pythonspeed/filprofiler - DONE | |
Import/Module/package - | |
http://xion.io/post/code/python-all-wild-imports.html - DONE | |
https://timothybramlett.com/How_to_create_a_Python_Package_with___init__py.html - DONE | |
https://stackoverflow.com/questions/14132789/relative-imports-for-the-billionth-time - DONE | |
https://realpython.com/python-import/ — DONE | |
Magic functions/class/constructor/OOP/Decorators - | |
https://spyhce.com/blog/understanding-new-and-init - DONE | |
https://realpython.com/python-super/ (Good) - DONE | |
https://www.programiz.com/python-programming/methods/built-in/super - DONE | |
https://realpython.com/python3-object-oriented-programming/ (OOPS) - DONE | |
https://realpython.com/inheritance-composition-python/ - DONE | |
https://realpython.com/primer-on-python-decorators/ (Decorators) - DONE | |
https://python-3-patterns-idioms-test.readthedocs.io/en/latest/PythonDecorators.html (Decorators) - DONE | |
String Matching/Fuzzy - | |
https://github.com/seatgeek/fuzzywuzzy | |
Python sequences - | |
https://www.programiz.com/python-programming/array - DONE | |
Dataclass - | |
https://www.geeksforgeeks.org/data-classes-in-python-an-introduction/ - DONE | |
Builtins - | |
https://docs.python.org/3/library/functions.html#built-in-funcs - DONE | |
Iterables/Iterators - | |
https://treyhunner.com/2016/12/python-iterator-protocol-how-for-loops-work/ - DONE | |
https://treyhunner.com/2018/06/how-to-make-an-iterator-in-python/ - DONE | |
Collections - | |
https://stackabuse.com/introduction-to-pythons-collections-module/ | |
Exceptions - | |
https://realpython.com/python-exceptions/ - DONE | |
https://www.tutorialspoint.com/python/python_exceptions.htm | |
Memory - | |
https://realpython.com/pointers-in-python/ - DONE | |
Requests/urllib - | |
https://www.twilio.com/blog/2016/12/http-requests-in-python-3.html | |
https://dev.to/zenulabidin/python-http-at-lightspeed-part-1-3bd3 | |
Logging - | |
https://realpython.com/python-logging/ - DONE | |
https://www.techatbloomberg.com/blog/guide-logging-python/ - DONE | |
https://www.loggly.com/blog/exceptional-logging-of-exceptions-in-python/ | |
https://docs.python.org/3/howto/logging.html ; https://docs.python.org/3/howto/logging-cookbook.html | |
https://medium.com/@rob.blackbourn/how-to-use-python-logging-queuehandler-with-dictconfig-1e8b1284e27a (Queuehandler) - DONE | |
Trace and Traceback - | |
https://docs.python.org/3/library/traceback.html - DONE | |
https://pymotw.com/3/trace/ | |
https://pymotw.com/3/traceback/ | |
Debugging - | |
https://www.digitalocean.com/community/tutorials/how-to-use-the-python-debugger - UP | |
https://codeburst.io/how-i-use-python-debugger-to-fix-code-279f11f75866 (Good) - DONE | |
https://kapeli.com/cheat_sheets/Python_Debugger.docset/Contents/Resources/Documents/index (cheat sheet)- DONE | |
https://realpython.com/python-debugging-pdb/ | |
https://github.com/pdbpp/pdbpp (Enhanced pdb) - DONE | |
Process/subprocess - | |
https://pymotw.com/3/subprocess/ (Good) | |
https://stackabuse.com/pythons-os-and-subprocess-popen-commands/ - DONE | |
https://www.sharats.me/posts/the-ever-useful-and-neat-subprocess-module/#toc-8 | |
Databases - | |
https://pynative.com/python-mysql-tutorial/ (mysql) - DONE | |
https://mysql.wisborg.dk/2019/03/03/using-sqlalchemy-with-mysql-8/ (SQLAlchemy-MySQL) - DONE | |
https://towardsdatascience.com/sqlalchemy-python-tutorial-79a577141a91 (SQLAlchemy-MySQL) - DONE | |
https://www.datacamp.com/community/tutorials/sql-interface-within-jupyterlab (Jupyter-Ipython-SQL) - DONE | |
https://docs.sqlalchemy.org/en/13/core/engines.html | |
https://mysql.wisborg.dk/2018/07/28/which-character-set-should-you-use-in-mysql/ | |
Files/Data - | |
https://www.datacamp.com/courses/importing-data-in-python-part-1 | |
Serialize/Databse - | |
https://www.datacamp.com/community/tutorials/pickle-python-tutorial - DONE | |
https://realpython.com/python-json/ - DONE | |
https://realpython.com/introduction-to-mongodb-and-python/ - DONE | |
https://github.com/amzn/ion-python — DONE | |
https://jsonpickle.github.io/ (jsonpickle) — DONE | |
Syntax Highlight — | |
https://pygments.org/docs/cmdline/# — DONE | |
Typecheck - | |
https://medium.com/@ageitgey/learn-how-to-use-static-type-checking-in-python-3-6-in-10-minutes-12c86d72677b | |
Future - | |
https://python-future.org/quickstart.html - DONE | |
http://simeonvisser.com/posts/how-does-from-future-import-work-in-python.html - DONE | |
https://docs.python.org/2/library/__future__.html - DONE | |
Typehint - | |
https://www.geeksforgeeks.org/type-hints-in-python/ - DONE | |
https://stackoverflow.com/questions/32557920/what-are-type-hints-in-python-3-5 | |
H5PY - | |
https://www.youtube.com/playlist?list=PLea0WJq13cnB_ORdGzEkPlZEN20TSt6Lx - DONE | |
Celery - | |
https://medium.com/the-andela-way/asynchronous-processing-in-celery-79f88fa599a5 - DONE | |
https://medium.com/the-andela-way/timed-periodic-tasks-in-celery-58c99ecf3f80 - UP | |
Itertools - | |
https://medium.com/@jasonrigden/a-guide-to-python-itertools-82e5a306cdf8 - DONE | |
https://realpython.com/python-itertools/ | |
Multithreading/multiprocessing - | |
https://www.geeksforgeeks.org/multithreading-python-set-1/ (Introduction) - DONE | |
https://www.geeksforgeeks.org/multithreading-in-python-set-2-synchronization/ (synchronization) - DONE | |
https://realpython.com/intro-to-python-threading/ | |
https://www.journaldev.com/15631/python-multiprocessing-example - DONE | |
https://pymotw.com/3/multiprocessing/basics.html - DONE | |
https://pymotw.com/3/multiprocessing/communication.html (Communication among processes. GOOD) - UP | |
https://www.geeksforgeeks.org/multiprocessing-python-set-1/ - DONE | |
https://www.guru99.com/python-multithreading-gil-example.html (Multithreading/GIL) - DONE | |
https://docs.python.org/3/library/multiprocessing.html (Good Primer) - DONE | |
https://www.tutorialspoint.com/concurrency_in_python/ (Good coverage of topics) - UP | |
https://pathos.readthedocs.io/en/latest/index.html (pathos package) | |
(Applications) -> | |
https://www.agiliq.com/blog/2013/10/producer-consumer-problem-in-python/ (Using condition and Queue in MT - GOOD) - DONE | |
Random - | |
https://www.w3schools.com/python/module_random.asp (Reference of functions) - DONE | |
UUID — | |
https://pynative.com/python-uuid-module-to-generate-universally-unique-identifiers/ — DONE | |
XML - | |
https://www.geeksforgeeks.org/xml-parsing-python/ (ElementTree based) - DONE | |
https://docs.python.org/3.7/library/xml.etree.elementtree.html (Good) - DONE | |
https://stackoverflow.com/questions/28259301/how-to-convert-an-xml-file-to-nice-pandas-dataframe - DONE | |
Pandas - | |
https://www.dataschool.io/easier-data-analysis-with-pandas/ | |
https://pandas-profiling.github.io/pandas-profiling/docs/master/rtd/pages/introduction.html (pandas-profiling) | |
Time-series/Datetime - | |
https://jakevdp.github.io/PythonDataScienceHandbook/03.11-working-with-time-series.html - DONE | |
https://www.datacamp.com/community/tutorials/time-series-analysis-tutorial | |
Unittesting - | |
https://www.guru99.com/pytest-tutorial.html - DONE | |
https://www.tutorialspoint.com/pytest/index.htm - DONE | |
https://realpython.com/python-testing/#unit-tests-vs-integration-tests | |
https://www.geeksforgeeks.org/testing-in-python-using-doctest-module/ (doctest) - DONE | |
http://agiledata.org/essays/tdd.html (TDD concepts) | |
https://medium.com/@yeraydiazdiaz/what-the-mock-cheatsheet-mocking-in-python-6a71db997832 (Test Mock) | |
Linting/Formatting - | |
http://flake8.pycqa.org/en/latest/user/index.html | |
https://black.readthedocs.io/en/stable/installation_and_usage.html | |
Docs/Documentation - | |
https://learnxinyminutes.com/docs/rst/ - DONE | |
http://www.sphinx-doc.org/en/master/ | |
Fire — | |
https://github.com/google/python-fire/blob/master/docs/guide.md | |
Cython - | |
https://pythonprogramming.net/introduction-and-basics-cython-tutorial/ | |
Streamlit - | |
https://towardsdatascience.com/streamlit-101-an-in-depth-introduction-fc8aad9492f2 | |
https://towardsdatascience.com/quickly-build-and-deploy-an-application-with-streamlit-988ca08c7e83 | |
https://streamlit.io/ | |
https://github.com/streamlit/streamlit | |
tqdm - | |
https://github.com/tqdm/tqdm/tree/master/examples | |
https://github.com/tqdm/tqdm | |
https://github.com/tqdm/tqdm/wiki/How-to-make-a-great-Progress-Bar - DONE | |
nbdev - | |
https://nbdev.fast.ai/ (official site) | |
https://www.fast.ai/2019/12/02/nbdev/ - DONE | |
https://nbdev.fast.ai/ | |
CI/CD - | |
https://travis-ci.org/ | |
https://docs.travis-ci.com/user/languages/python/ (Python specific settings) - DONE | |
https://www.taniarascia.com/continuous-integration-pipeline-docker/ (Good tutorial) | |
Utility libraries - | |
https://www.geeksforgeeks.org/python-faker-library/ (Faker) - DONE | |
https://faker.readthedocs.io/en/master/ (Faker) - DONE | |
https://www.tutorialspoint.com/generate-temporary-files-and-directories-using-python (tempfile) - DONE | |
Build/package — | |
https://python-packaging.readthedocs.io/en/latest/index.html (Good) — DONE | |
https://python-packaging-tutorial.readthedocs.io/en/latest/index.html — DONE | |
https://scikit-build.readthedocs.io/en/latest/ (Include native binaries) | |
https://realpython.com/pypi-publish-python-package/ | |
https://github.com/pypa/pipx (Python Applications in Isolated Environments) — DONE | |
https://pipenv.pypa.io/en/latest/basics/#specifying-versions-of-a-package (pipenv) — DONE | |
https://sourcery.ai/blog/python-best-practices/ (Setup python project) | |
https://cjolowicz.github.io/posts/hypermodern-python-01-setup/ (Setup python project, GOOD) | |
https://www.infoworld.com/article/3527850/how-to-manage-python-projects-with-poetry.html (Poetry) | |
Pyenv — | |
https://amaral.northwestern.edu/resources/guides/pyenv-tutorial — DONE | |
https://opensource.com/article/20/4/pyenv — DONE | |
https://qiita.com/jmatsuzawa/items/07ae018f8d2eadd53084 (Cheatsheet) — DONE | |
Python design Patterns, Recipes and Idioms — | |
https://python-3-patterns-idioms-test.readthedocs.io/en/latest/index.html (GOOD) | |
============================= | |
Database - | |
(General) | |
https://beginnersbook.com/2015/04/dbms-tutorial/ | |
(Teradata) | |
https://www.guru99.com/teradata-tutorial.html - DONE | |
============================= | |
LINUX | |
init services - | |
https://unix.stackexchange.com/questions/106656/how-do-services-in-debian-work-and-how-can-i-manage-them - DONE | |
https://geekflare.com/how-to-auto-start-services-on-boot-in-linux/ - DONE | |
https://itsfoss.com/ppa-guide/ | |
https://www.linuxtrainingacademy.com/determine-public-ip-address-command-line-curl/ | |
https://www.digitalocean.com/community/tutorials/how-to-edit-the-sudoers-file-on-ubuntu-and-centos | |
https://www.digitalocean.com/community/tutorials/an-introduction-to-useful-bash-aliases-and-functions - DONE | |
https://www.digitalocean.com/community/tutorials/how-to-use-bash-history-commands-and-expansions-on-a-linux-vps | |
https://www.digitalocean.com/community/tutorials/how-to-partition-and-format-storage-devices-in-linux (Partition and format storage drives) - DONE | |
Package manager - | |
https://access.redhat.com/sites/default/files/attachments/rh_yum_cheatsheet_1214_jcs_print-1.pdf (Yum cheatsheet) | |
SWAP — | |
https://linuxize.com/post/how-to-add-swap-space-on-ubuntu-20-04/ | |
cronjob/crontab - | |
https://www.tecmint.com/11-cron-scheduling-task-examples-in-linux/ | |
https://www.ostechnix.com/a-beginners-guide-to-cron-jobs/ - DONE | |
http://www.unixgeeks.org/security/newbie/unix/cron-1.html - DONE | |
https://www.digitalocean.com/community/tutorials/how-to-use-cron-to-automate-tasks-ubuntu-1804 (Good) | |
Shell - | |
https://www.tutorialspoint.com/unix/shell_scripting.htm# - UP | |
https://www.geeksforgeeks.org/introduction-linux-shell-shell-scripting/ - DONE | |
https://www.guru99.com/unix-virtual-terminal.html - DONE | |
https://itnext.io/bash-scripting-everything-you-need-to-know-about-bash-shell-programming-cd08595f2fba (Bash shell scripting) | |
rsync - | |
https://www.tecmint.com/rsync-local-remote-file-synchronization-commands/ - DONE | |
https://www.digitalocean.com/community/tutorials/how-to-use-rsync-to-sync-local-and-remote-directories-on-a-vps - DONE | |
sshfs — | |
https://www.digitalocean.com/community/tutorials/how-to-use-sshfs-to-mount-remote-file-systems-over-ssh — DONE | |
Regex - | |
https://www.digitalocean.com/community/tutorials/using-grep-regular-expressions-to-search-for-text-patterns-in-linux | |
https://github.com/google/re2/wiki/Syntax | |
RDP/VNC - | |
https://www.xtontech.com/blog/rdp-vs-vnc-access/ - DONE | |
Cat - | |
https://www.javatpoint.com/linux-cat — DONE | |
screen - | |
https://kapeli.com/cheat_sheets/screen.docset/Contents/Resources/Documents/index (Good) | |
Tmux - | |
https://www.howtogeek.com/671422/how-to-use-tmux-on-linux-and-why-its-better-than-screen/ — DONE | |
netcat / nc — | |
Alternatives - | |
https://linuxhint.com/update_alternatives_ubuntu/ - DONE | |
https://www.redhat.com/sysadmin/alternatives-command (Good) — DONE | |
---- system calls/sys calls/IO streams/socket/file descriptors/PIPE/redirection ---- | |
https://stackoverflow.com/questions/15807846/ioctl-linux-device-driver (IOCTL) - DONE | |
https://www.geeksforgeeks.org/piping-in-unix-or-linux/ (PIPEs) - DONE | |
https://www.tutorialspoint.com/unix_sockets/ (SOCKET) | |
https://www.digitalocean.com/community/tutorials/an-introduction-to-linux-i-o-redirection (IO Redirection) - DONE | |
https://unix.stackexchange.com/questions/159513/what-are-the-shells-control-and-redirection-operators (Good) | |
--- Sysadmin --- | |
(OSQuery) | |
https://kifarunix.com/how-to-install-osquery-on-ubuntu-18-04/ - DONE | |
https://osquery.readthedocs.io/en/latest/ | |
https://github.com/osquery/osquery | |
https://assets.digitalocean.com/books/making-servers-work-a-practical-guide-to-system-administration.pdf | |
(Kafka) | |
https://github.com/lensesio/fast-data-dev | |
---- System-Design ---- | |
https://github.com/karanpratapsingh/system-design | |
============================== | |
CURL, SSL, CA certs | |
https://ec.haxx.se/ | |
https://curl.haxx.se/libcurl/c/libcurl-tutorial.html | |
============================== | |
VPN/HTTP Proxy/Port forward | |
(Introduction) | |
https://www.howtogeek.com/133680/htg-explains-what-is-a-vpn/ - DONE | |
https://www.howtogeek.com/66214/how-to-forward-ports-on-your-router/ | |
https://www.howtogeek.com/184310/ask-htg-should-i-be-setting-static-ip-addresses-on-my-router/ | |
https://www.howtogeek.com/69612/how-to-set-up-static-dhcp-on-your-dd-wrt-router/ | |
https://www.howtogeek.com/131961/how-to-access-windows-remote-desktop-over-the-internet/ (Port forward) | |
(Tools) | |
https://www.yougetsignal.com/ | |
https://getoutline.org/en/home (openVPN tool) | |
https://www.digitalocean.com/community/tutorials/how-to-set-up-an-openvpn-server-on-ubuntu-18-04 | |
https://www.digitalocean.com/community/tutorials/how-to-install-tinc-and-set-up-a-basic-vpn-on-ubuntu-18-04 | |
https://www.digitalocean.com/community/tutorials/how-to-build-and-deploy-a-flask-application-using-docker-on-ubuntu-18-04 | |
https://www.howtogeek.com/64433/how-to-install-and-configure-openvpn-on-your-dd-wrt-router/ | |
https://www.howtogeek.com/60774/connect-to-your-home-network-from-anywhere-with-openvpn-and-tomato/ | |
https://www.howtogeek.com/56612/turn-your-home-router-into-a-super-powered-router-with-dd-wrt/ | |
https://httpbin.org | |
============================== | |
RUST | |
https://doc.rust-lang.org/book/ | |
https://doc.rust-lang.org/rust-by-example/ | |
============================== | |
Javascript | |
https://codeburst.io/javascript-what-the-heck-is-a-callback-aba4da2deced - DONE | |
https://javascript.info/ (Good) | |
============================== | |
REDIS | |
https://auth0.com/blog/introduction-to-redis-install-cli-commands-and-data-types/ | |
https://www.tutorialspoint.com/redis/redis_overview.htm | |
http://oldblog.antirez.com/post/redis-persistence-demystified.html | |
https://redis.io/topics/persistence - DONE | |
https://blog.anynines.com/redis-what-is-it-and-when-should-i-use-it/ - DONE | |
----------------------------- | |
REST API and tools | |
(Flask-python) | |
https://speakerdeck.com/nicola/developing-restful-web-apis-with-python-flask-and-mongodb?slide=30 - UP | |
https://docs.python-eve.org/en/stable/foreword.html (Eve module) | |
https://flask-limiter.readthedocs.io/en/stable/ (Rate Limit Flask APIs) | |
https://blog.miguelgrinberg.com/post/running-your-flask-application-over-https (HTTPS on flask API) | |
https://flask-restful.readthedocs.io/en/latest/quickstart.html (lightweight abstraction on Flask) | |
(JWT/OAuth/Authentication/Authorization) | |
https://blog.miguelgrinberg.com/post/json-web-tokens-with-public-key-signatures (JWT-PSK) | |
https://itnext.io/so-what-the-heck-is-jwt-or-json-web-token-dca8bcb719a6 | |
https://www.youtube.com/watch?v=soGRyl9ztjI ; https://www.youtube.com/watch?v=_XbXkVdoG_0 (JWT concepts) - DONE | |
https://www.youtube.com/watch?v=t4-416mg6iU ; https://www.youtube.com/watch?v=3pZ3Nh8tgTE (OAuth concepts) - DONE | |
https://github.com/maxcountryman/flask-login (Login functionality) | |
(Postman) | |
https://learning.getpostman.com/ | |
https://www.getpostman.com/resources/videos-tutorials/ | |
(Useful tools) | |
https://reqres.in/ (Hosted API-server for frontend testing) | |
https://any-api.com/ (Documentation $ test-consoles for 1000s of public APIs) | |
----------------------------- | |
Kubernetes - | |
https://www.youtube.com/watch?v=u8dW8DrcSmo ; https://www.youtube.com/watch?v=2vMEQ5zs1ko (Conceptual) - DONE | |
https://auth0.com/blog/kubernetes-tutorial-step-by-step-introduction-to-basic-concepts/ | |
https://www.digitalocean.com/community/curriculums/kubernetes-for-full-stack-developers (Good) | |
https://dzone.com/articles/how-to-install-and-deploy-kubernetes-on-ubuntu-160-1 (Installation on ubuntu) | |
https://www.docker.com/products/kubernetes (DKS - GOOD) | |
https://training.play-with-kubernetes.com/kubernetes-workshop/ (Kubernetes playground) | |
https://k3s.io/ (Lightweight Kubernetes for IoT/edge devices) | |
---------------------------- | |
Ansible - | |
https://www.digitalocean.com/community/tutorials/how-to-install-and-configure-ansible-on-ubuntu-18-04 - DONE | |
https://www.digitalocean.com/community/tutorials/how-to-use-ansible-to-automate-initial-server-setup-on-ubuntu-18-04 | |
https://www.digitalocean.com/community/tutorials/configuration-management-101-writing-ansible-playbooks | |
https://www.digitalocean.com/community/cheatsheets/how-to-use-ansible-cheat-sheet-guide | |
---------------------------- | |
Git | |
https://www.vogella.com/tutorials/Git/article.html | |
https://medium.com/@porteneuve/30-git-cli-options-you-should-know-about-15423e8771df | |
(submodules/subtree/subrepo) | |
https://www.atlassian.com/git/tutorials/git-submodule - DONE | |
https://medium.com/@porteneuve/mastering-git-submodules-34c65e940407 - DONE | |
https://medium.com/@porteneuve/mastering-git-subtrees-943d29a798ec (subtree) | |
https://github.com/ingydotnet/git-subrepo#readme (subrepo) | |
(rebase/merge) | |
https://medium.com/@porteneuve/getting-solid-at-git-rebase-vs-merge-4fa1a48c53aa - DONE | |
(pre-commit) | |
3P tools — | |
https://github.com/awslabs/git-secrets (scan commits for sensitive info) | |
---------------------------- | |
Cmake | |
https://github.com/ruslo/CGold | |
---------------------------- | |
GPG | |
https://www.devdungeon.com/content/gpg-tutorial - DONE | |
https://help.github.com/en/articles/checking-for-existing-gpg-keys - DONE | |
https://www.digitalocean.com/community/tutorials/how-to-use-gpg-to-encrypt-and-sign-messages - DONE | |
Youtube: How to Use PGP for Secure Email - DONE | |
https://stackoverflow.com/questions/4948322/fundamental-difference-between-hashing-and-encryption-algorithms - DONE | |
---------------------------- | |
YAML/JSON/XML | |
http://sangsoonam.github.io/2017/03/13/yaml-vs-json.html - DONE | |
https://www.json2yaml.com/yaml-vs-json - DONE | |
(JQ tool) | |
https://www.baeldung.com/linux/jq-command-json - DONE | |
https://shapeshed.com/jq-json/ - DONE | |
https://github.com/stedolan/jq/wiki/Cookbook (Advanced) | |
----------------------------- | |
AI/ML/DL - | |
https://skymind.ai/wiki/ - Beginner's guide to important topics in AI, ML and DL | |
https://ml-cheatsheet.readthedocs.io/en/latest/loss_functions.html - Loss functions, Optimizers, cheat-sheet | |
https://medium.com/towards-artificial-intelligence/best-machine-learning-blogs-to-follow-for-reliable-ml-research-towards-ai-6730ea2df3bd | |
---------------------------- | |
OS - | |
https://docs.microsoft.com/en-us/previous-versions/ms810613(v=msdn.10) | |
--------------------------- | |
VIM | |
https://www.digitalocean.com/community/tutorials/installing-and-using-the-vim-text-editor-on-a-cloud-server - DONE | |
https://cloudsupport.digitalocean.com/s/#none|ka1f20000008V8iAAE - DONE | |
--------------------------- | |
License – | |
https://choosealicense.com | |
--------------------------- | |
Cloud - | |
(AWS) | |
https://stackoverflow.com/questions/13681213/what-is-the-difference-between-amazon-sns-and-amazon-sqs (AWS SQS vs SNS) - DONE | |
https://dev.to/frosnerd/infrastructure-as-code---managing-aws-with-terraform-i9o (AWS with Terraform) | |
(AWS-S3) | |
https://realpython.com/python-boto3-aws-s3/ - DONE | |
https://s3fs.readthedocs.io/en/latest/ - DONE | |
(AWS-IAM) | |
https://www.cedarpolicy.com/en | |
(GCP) | |
https://medium.com/google-cloud/cloud-iot-step-by-step-quality-of-life-tip-the-command-line-ce23046867d4 (cloud SDK) | |
(Infrasructure as code) | |
https://github.com/hashicorp/terraform | |
https://blog.gruntwork.io/a-comprehensive-guide-to-terraform-b3d32832baca | |
(Serverless Architecture) | |
https://github.com/serverless/serverless | |
https://serverless.com/learn/ | |
https://dev.to/adnanrahic/a-crash-course-on-securing-serverless-apis-with-json-web-tokens-22fa | |
(Tools) | |
https://multipass.run/ (Lightweight VM manager/CLI to launch, manage with Linux Instances like a mini-cloud/Test cloud environment) | |
================================= | |
Coding/programming/development | |
https://www.analyticsindiamag.com/6-ways-to-brush-up-and-stay-sharp-on-coding-practices-before-your-next-job/ - DONE | |
https://www.afternerd.com/blog/coding-interview/ | |
https://codeburst.io/how-good-programmers-solve-problems-on-interviews-a-fictional-tale-from-real-experience-7a7be955d53b | |
https://www.fourkitchens.com/blog/article/step-step-through-debugging/ (Debugging) - DONE | |
https://medium.com/better-programming/10-great-programming-projects-to-improve-your-resume-and-learn-to-program-74b14d3e9e16 | |
AGILE — | |
https://www.atlassian.com/agile (Atlassian agile coach) | |
Code Reviews — | |
https://phauer.com/2018/code-review-guidelines | |
https://smartbear.com/learn/code-review/guide-to-code-review-process | |
https://google.github.io/eng-practices/review/reviewer | |
--------------------------------- | |
Cross-platform/heterogeneous/parallel programming - | |
(OneAPI) | |
https://www.oneapi.com/ | |
(Dev-setup) — | |
https://github.com/donnemartin/dev-setup (Macos dev setup) | |
--------------------------------- | |
Online Tools - | |
https://codebeautify.org/yaml-to-json-xml-csv | |
--------------------------------- | |
Developer life - | |
https://codeburst.io/developers-that-constantly-want-to-learn-new-things-heres-a-tip-7a16e42302e4 - DONE | |
https://www.freecodecamp.org/news/a-chaotic-mind-leads-to-chaotic-code-e7d6962777c0/ - DONE | |
--------------------------------- | |
Data Structure - Algorithm -> | |
https://www.hackerearth.com/practice/data-structures/ | |
--------------------------------- | |
Design patterns - | |
https://github.com/faif/python-patterns (Good) | |
https://www.tutorialspoint.com/python_design_patterns/python_design_patterns_prototype.htm | |
--------------------------------- | |
DevOps - | |
https://geekflare.com/learn-devops/ | |
--------------------------------- | |
MLOps - | |
https://developer.qualcomm.com/blog/implementing-machine-learning-and-operations-mlops - DONE | |
https://cloud.google.com/solutions/machine-learning/mlops-continuous-delivery-and-automation-pipelines-in-machine-learning | |
https://wandb.ai/site | |
https://mlflow.org/ | |
https://github.com/aimhubio/aim | |
--------------------------------- | |
LSF - | |
https://www.edx.org/school/linuxfoundationx (edx courses from The Linux Foundation) | |
--------------------------------- | |
LATEX — | |
https://www.overleaf.com/learn/latex/Learn_LaTeX_in_30_minutes | |
--------------------------------- | |
IDEs/Editor/Tools - | |
https://codesandbox.io/ (online IDE for webdev) | |
https://anydesk.com/en (Remote Desktop Connection) | |
https://www.digitalocean.com/community/tutorials/how-to-set-up-the-code-server-cloud-ide-platform-on-ubuntu-18-04 (Code Server) | |
--------------------------------- | |
Forums/Community - | |
https://meta.stackexchange.com/questions/3122/formatting-sandbox (sandbox for preparing content before posting) | |
https://www.profitbooks.net/free-business-software-for-managing-remote-teams/ | |
https://codelabs.developers.google.com/ | |
--------------------------------- | |
Developer blogposts — | |
https://renegadeotter.com/2023/09/10/death-by-a-thousand-microservices.html (On futility of microservices) | |
--------------------------------- | |
Books/ebooks - | |
https://towardsdatascience.com/springer-has-released-65-machine-learning-and-data-books-for-free-961f8181f189 | |
https://madewithml.com/topics/ - (All ML topics) | |
https://goalkicker.com/ - (All Programming Topics) | |
============================= | |
Topics to cover - | |
Python - Flask Rate Limiter, PyWT token Auth, httpserver/certs/ , signal module (with subprocess), urllib/requests | |
Redis, kafka, scala, k8s, rust | |
============================= | |
Misc - | |
=============================== |
Sign up for free
to join this conversation on GitHub.
Already have an account?
Sign in to comment