0% found this document useful (0 votes)
164 views13 pages

Machine Learning

Uploaded by

isacmartins.1225
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
164 views13 pages

Machine Learning

Uploaded by

isacmartins.1225
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 13

Machine learning

Intro
6
The Little Book of Deep Learningfleuret.org/public/lbdl.pdf
Transformer Recipegithub.com/dair-ai/Transformers-Recipe
Quick recipe to learn all about Transformers.
Mathematics For Machine Learning Book
2020
mml-book.github.io
Practical Deep Learning for Coderscourse.fast.ai
The Illustrated Transformer
2018
jalammar.github.io/illustrated-transformer
Understanding Deep Learning Book
2022
udlbook.github.io/udlbook
Other
1172
Deep Learning Papers Reading
Roadmapgithub.com/songrotek/Deep-Learning-Papers-Reading-Roadmap
Ask HN: Best way to get started with AI?news.ycombinator.com/item?id=15689399
Ask HN: What maths are critical to pursuing ML/AI?news.ycombinator.com/item?id=15116379
Ask HN: 'Crash Courses' for Mathematics Related to DL, ML and Data
Analysisnews.ycombinator.com/item?id=16508873
Computational Statistics and Machine Learning Revision
Notesgithub.com/acbraith/CSML_notes
Stanford CS229 coursegithub.com/econti/cs229
Readings in applied data sciencegithub.com/hadley/stats337
Learn ML in 3 monthsgithub.com/llSourcell/Learn_Machine_Learning_in_3_Months
Deep Learngithub.com/GauravBh1010tt/DeepLearn
Implementation of research papers on Deep Learning+ NLP+ CV in Python using Keras,
TensorFlow and Scikit Learn.
Building Brundage Bothackernoon.com/building-brundage-bot-10252facf3d1
Summaries of ML papersgithub.com/aleju/papers
Code and data for paper "Deep Painterly
Harmonization"github.com/luanfujun/deep-painterly-harmonization
FB AI Toolsfacebook.ai/developers/tools
Machine Learning From Scratchgithub.com/eriklindernoren/ML-From-Scratch
Fermat's Library NIPS commentsfermatslibrary.com/nips
Heroes of Deep Learning: Andrew Ng interviews Ian
Goodfellowyoutube.com/watch?v=pWAc9B2zJS4
Machine Learning for
Humansmedium.com/machine-learning-for-humans/why-machine-learning-matters-6164faf1df1
2
Great article.
Deep Learning for Siri’s Voice: On-device Deep Mixture Density Networks for Hybrid Unit
Selection Synthesismachinelearning.apple.com/2017/08/06/siri-voices.html
The Google Brain Team — Looking Back on
2017ai.googleblog.com/2018/01/the-google-brain-team-looking-back-on.html?m=1
Deep Learning Worldgithub.com/astorfi/Deep-Learning-World
Machine Learning cheatsheets for Stanford's CS
229github.com/afshinea/stanford-cs-229-machine-learning
RAAIS 2018 - François Chollet (Creator of Keras)youtube.com/watch?v=2L2u303FAs8
KubeFlowgithub.com/kubeflow/kubeflow
Machine Learning Toolkit for Kubernetes.
KALE (Kubeflow Automated pipeLines Engine)github.com/kubeflow-kale/kale
Aims at simplifying the Data Science experience of deploying Kubeflow Pipelines workflows.
MIT AGI: Deep Learning (Yoshua Bengio)
2018
youtube.com/watch?v=azOmzumh0vQ
TL-GAN: transparent latent-space GANgithub.com/SummitKwan/transparent_latent_gan
Use supervised learning to illuminate the latent space of GAN for controlled generation and edit.
Grokking Deep Learninggithub.com/iamtrask/Grokking-Deep-Learning
Repository accompanying "Grokking Deep Learning" book.
HN: Can we rule out near-term AGI?
2018
news.ycombinator.com/item?id=18405025
Introduction to Grenade (Haskell library for Deep
Learning)huwcampbell.com/posts/2017-02-17-introduction-to-grenade.html
Grenadegithub.com/HuwCampbell/grenade
Deep Learning in Haskell.
Deep Learning 1: Introduction to Machine Learning Based
AIyoutube.com/watch?v=iOh7QUZGyiU
Deep Learning cheatsheets for Stanford's CS 230
2018
github.com/afshinea/stanford-cs-230-deep-learning
Deep Learning Book Chapter
Summariesgithub.com/dalmia/Deep-Learning-Book-Chapter-Summaries
Attempting to make the Deep Learning Book easier to understand.
PracticalAIgithub.com/GokuMohandas/practicalAI
Practical approach to learning machine learning.
Ask HN: How to incorporate machine learning into day job?
2018
news.ycombinator.com/item?id=18650646
RLgraphgithub.com/rlgraph/rlgraph
Flexible computation graphs for deep reinforcement learning.
Nevergradgithub.com/facebookresearch/nevergrad
Gradient-free optimization platform.
GANs and Divergence Minimization
2018
colinraffel.com/blog/gans-and-divergence-minimization.html
Convolution arithmeticgithub.com/vdumoulin/conv_arithmetic
Technical report on convolution arithmetic in the context of deep learning.
Style Transfer as Optimal Transportgithub.com/VinceMarron/style_transfer
Algorithm that transfers the distribution of visual characteristics, or style, of a reference image
onto a subject image via an Optimal Transport plan.
Looking Back at Google’s Research Efforts in
2018ai.googleblog.com/2019/01/looking-back-at-googles-research.html
Recommendersgithub.com/Microsoft/Recommenders
Examples and best practices for building recommendation systems, provided as Jupyter
notebooks.
Deep Learning State of the Art - MIT
2019
youtube.com/watch?v=53YvP6gdD7U
AdaNetgithub.com/tensorflow/adanet
Lightweight TensorFlow-based framework for automatically learning high-quality models with
minimal expert intervention.
All You Need to Know About Deep Learning - A kick-starter
2019
github.com/osforscience/deep-learning-ocean
KubeFlow Pipelinesgithub.com/kubeflow/pipelines
Machine learning (ML) toolkit that is dedicated to making deployments of ML workflows on
Kubernetes simple, portable, and scalable.
Summary of some ML papersgithub.com/kweonwooj/papers
Notebooks for the "A walk with fastai2" Study Group and Lecture
Seriesgithub.com/muellerzr/Practical-Deep-Learning-for-Coders-2.0
Machine Learning Feynman Experiencegithub.com/leandromineti/ml-feynman-experience
Collection of concepts I tried to implement using only Python, NumPy and SciPy on Google
Colaboratory.
Tensor2Tensorgithub.com/tensorflow/tensor2tensor
Library of deep learning models and datasets designed to make deep learning more accessible
and accelerate ML research.
Xfergithub.com/amzn/xfer
Transfer Learning library for Deep Neural Networks.
List of summer schools in machine learning + related fieldsgithub.com/sshkhr/awesome-mlss
Most Cited Deep Learning Papersgithub.com/terryum/awesome-deep-learning-papers
Machine Learning CS Columbia Course
2019
cs.columbia.edu/%7Everma/classes/ml/index.html
Learning to Discover Efficient Mathematical Identitiesgithub.com/kkurach/math_learning
Exploring how machine learning techniques can be applied to the discovery of efficient
mathematical identities.
CleverHansgithub.com/tensorflow/cleverhans
Adversarial example library for constructing attacks, building defenses, and benchmarking both.
Google AI Researchgithub.com/google-research/google-research
Contains code released by Google AI Research.
Machine Learning Mindmap / Cheatsheetgithub.com/dformoso/machine-learning-mindmap
Curated list of network embedding
techniquesgithub.com/chihming/awesome-network-embedding
Deploying Deep Learninggithub.com/dusty-nv/jetson-inference
Training guide for inference and deep vision runtime library for NVIDIA DIGITS and Jetson
Xavier/TX1/TX2.
"Adversarial Machine Learning" with Ian Goodfellow
2018
youtube.com/watch?v=3-qazNQS2JU
HN: Yann LeCun, Geoffrey Hinton and Yoshua Bengio win Turing Award
2019
news.ycombinator.com/item?id=19499515
Large scale K-means and K-nn implementation on NVIDIA GPU /
CUDAgithub.com/src-d/kmcuda
fairseqgithub.com/facebookresearch/fairseq
Sequence-to-sequence learning toolkit for Torch from Facebook AI Research tailored to Neural
Machine Translation (NMT).
TinyFlowgithub.com/tqchen/tinyflow
Tutorial code on how to build your own Deep Learning System in 2k Lines.
Deep Learning Modelsgithub.com/rasbt/deeplearning-models
Collection of various deep learning architectures, models, and tips.
Multi-Level Intermediate Representation Overviewgithub.com/tensorflow/mlir
MLIR project aims to define a common intermediate representation (IR) that will unify the
infrastructure required to execute high performance machine learning models in TensorFlow and
similar ML frameworks.
PySparNNgithub.com/facebookresearch/pysparnn
Approximate Nearest Neighbor Search for Sparse Data in Python.
Machine Learning Course with
Pythongithub.com/machinelearningmindset/machine-learning-course
Integrating Domain Knowledge into Deep Learning by Ruslan Salakhutdinov
2019
youtube.com/watch?v=b8ABJZ7lfXU
Differentiation for Hackersgithub.com/MikeInnes/diff-zoo
The goal of this handbook is to demystify algorithmic differentiation, the tool that underlies
modern machine learning.
Homemade Machine Learninggithub.com/trekhleb/homemade-machine-learning
Machine Learning Systems are Stuck in a Rut
2019
dl.acm.org/citation.cfm?id=3321441
Literature of Deep Learning for Graphsgithub.com/DeepGraphLearning/LiteratureDL4Graph
Supplementary Materials for "Unsupervised word embeddings capture latent knowledge from
materials science literature", Naturegithub.com/materialsintelligence/mat2vec
Solution of assignment in 2011 Stanford Machine Learning
Classgithub.com/everpeace/ml-class-assignments
Autocompletion with deep learning
2019
tabnine.com/blog/deep
Rules of Machine Learning: Best Practices for ML
Engineeringmartin.zinkevich.org/rules_of_ml/rules_of_ml.pdf
Python Machine Learning Book
2019
packtpub.com/product/python-machine-learning-third-edition/9781789955750
ML and DS Applications in Industrygithub.com/firmai/industry-machine-learning
Curated list of applied machine learning and data science notebooks and libraries across
different industries.
Awesome production machine
learninggithub.com/EthicalML/awesome-production-machine-learning
Awesome Gradient Boosting Research
Papersgithub.com/benedekrozemberczki/awesome-gradient-boosting-papers
HoloCleangithub.com/HoloClean/holoclean
Machine Learning System for Data Enrichment.
Snorkelgithub.com/snorkel-team/snorkel
System for quickly generating training data with weak supervision.
RAdamgithub.com/LiyuanLucasLiu/RAdam
On The Variance Of The Adaptive Learning Rate And Beyond.
Machine Learning Notebooksgithub.com/ageron/handson-ml2
Series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and
Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2.
Streamlitgithub.com/streamlit/streamlit
Fastest way to build custom ML tools.
A Gentle Introduction to Bayes’ Theorem for Machine Learning
2019
news.ycombinator.com/item?id=21151032
Part 2: Deep Learning from the Foundationscourse.fast.ai/part2
Computational Linear Algebra for Codersgithub.com/fastai/numerical-linear-algebra
Introduction to Machine Learning for Coderscourse18.fast.ai/ml
TASOgithub.com/jiazhihao/taso
Tensor Algebra SuperOptimizer for Deep Learning.
An Exponential Learning Rate Schedule for Deep Learning
2019
arxiv.org/abs/1910.07454
Billion-scale semi-supervised learning for state-of-the-art image and video classification
2019
ai.facebook.com/blog/billion-scale-semi-supervised-learning
TRAINSgithub.com/allegroai/trains
Auto-Magical Experiment Manager & Version Control for AI.
Differentiable Optimization-Based Modeling for Machine Learning
2019
github.com/bamos/thesis
Notebooks and code for the book "Introduction to Machine Learning with
Python"github.com/amueller/introduction_to_ml_with_python
Awesome Deep Learning Project Ideasgithub.com/NirantK/awesome-project-ideas
Top-down, practical guide to learn AI, Deep learning and Machine
Learninggithub.com/emilwallner/How-to-learn-Deep-Learning
Different projects built using fast.aiforums.fast.ai/t/share-you-work-here-highlights/57140
ML portfolio tips
2019
twitter.com/EmilWallner/status/1184723538810413056
DeepMind Researchgithub.com/deepmind/deepmind-research
Contains implementations and illustrative code to accompany DeepMind publications.
Deep Learning Tutorialsgithub.com/lisa-lab/DeepLearningTutorials
An Extended Version Of The Scikit-Learn Cheat Sheet
2014
medium.com/@chris_bour/an-extended-version-of-the-scikit-learn-cheat-sheet-5f46efc6cbb
Notes on Machine Learningwiki.kourouklides.com/wiki/Machine_Learning
Notes on Deep Learningwiki.kourouklides.com/wiki/Deep_Learning
Awesome free deep learning papersgithub.com/HFTrader/awesome-free-deep-learning-papers
Deep Learning Interview Topicsgithub.com/vlgiitr/DL_Topics
Ask HN: Why do so many startups claim machine learning is their long game?
2019
news.ycombinator.com/item?id=21528246
End-to-End Machine Learning Librarye2eml.school/blog.html
Course material for STAT 479: Machine Learning (FS 2019) taught by Sebastian Raschka at
University Wisconsin-Madisongithub.com/rasbt/stat479-machine-learning-fs19
Clippergithub.com/ucbrise/clipper
Prediction serving system that sits between user-facing applications and a wide range of
commonly used machine learning models and frameworks.
AI building blocks - from scratch with Python
2018
datadan.io/ai-building-blocks-from-scratch-with-python
Machine Learning Systems Designgithub.com/chiphuyen/machine-learning-systems-design
Guide to Production Level Deep Learninggithub.com/alirezadir/Production-Level-Deep-Learning
Space to discuss the future of the ML ecosystem in Rustgithub.com/rust-ml/discussion
Awesome System for Machine
Learninggithub.com/HuaizhengZhang/Awesome-System-for-Machine-Learning
Collection of explainer tutorials on how machine learning and statistical concepts
workend-to-end-machine-learning.teachable.com/p/machine-learning-signal-processing-statistic
s-concepts
2019’s Top Machine and Deep Learning Research
Papersheartbeat.fritz.ai/2019s-Gtop-machine-and-deep-learning-research-papers-1ec363f29e8
5?gi=86d0e6c2ea9f
NeurIPS 2019 Schedulenips.cc/Conferences/2019/Schedule
Machine Learning Crash Course with TensorFlow
APIsdevelopers.google.com/machine-learning/crash-course
Google's fast-paced, practical introduction to machine learning.
Ask HN: Full-on machine learning for 2020, what are the best
resources?news.ycombinator.com/item?id=21924298
Resources to learn more about Machine Learning and Artificial
Intelligencegithub.com/brylevkirill/notes
Foundations of Machine Learning
bookmitpress.mit.edu/books/foundations-machine-learning-second-edition
New edition of a graduate-level machine learning textbook that focuses on the analysis and
theory of algorithms.
Introduction to Deep Learning - Eugene
Charniakmitpress.mit.edu/books/introduction-deep-learning
Project-based guide to the basics of deep learning.
Hands-On Machine Learning with Scikit-Learn, Keras, and Tensorflow: Concepts, Tools, and
Techniques to Build Intelligent
Systemsgoodreads.com/book/show/40363665-hands-on-machine-learning-with-scikit-learn-kera
s-and-tensorflow
Topological Techniques for Unsupervised Learning
2019
youtube.com/watch?v=7pAVPjwBppo
Meet AdaMod: a new deep learning optimizer with memory
2020
medium.com/@lessw/meet-adamod-a-new-deep-learning-optimizer-with-memory-f01e831b80b
d
Deep Learning State of the Art
2020
youtube.com/watch?v=0VH1Lim8gL8
Turi Creategithub.com/apple/turicreate
Simplifies the development of custom machine learning models.
Private machine learning progressgithub.com/OpenMined/private-ai-resources
Demucsgithub.com/facebookresearch/demucs
Code for the paper Music Source Separation in the Waveform Domain.
Apple at NeurIPS 2019machinelearning.apple.com/2019/12/02/apple-at-neurips-2019.html
Traxgithub.com/google/trax
Helps you understand and explore advanced deep learning.
Convolutional Conditional Neural Processes
2020
openreview.net/forum?id=Skey4eBYPS
Privacy Preserving AI (Andrew Trask)
2020
youtube.com/watch?v=4zrU54VIK6k

Computer vision
Intro
1
Computer Vision: Models, Learning, and Inferencecomputervisionmodels.com
Other
1373
Unifying Diffusion Models' Latent Space, with Applications to CycleDiffusion and Guidance
2022
arxiv.org/abs/2210.05559
Rerunrerun.io
OpenCVgithub.com/opencv/opencv
Open Source Computer Vision Library.
Gluon CV Toolkitgithub.com/dmlc/gluon-cv
Provides implementations of the sate-of-the-art (SOTA) deep learning models in computer
vision.
Pythiagithub.com/facebookresearch/pythia
Modular framework for vision and language multimodal research. Built on top of PyTorch.
video-object-removalgithub.com/zllrunning/video-object-removal
Just draw a bounding box and you can remove the object you want to remove.
GoCVgithub.com/hybridgroup/gocv
Go package for computer vision using OpenCV 4 and beyond.
Sandbox for training convolutional networks for computer visiongithub.com/osmr/imgclsmob
TorchCVgithub.com/donnyyou/torchcv
PyTorch-Based Framework for Deep Learning in Computer Vision.
AI Habitatgithub.com/facebookresearch/habitat-sim
Flexible, high-performance 3D simulator for Embodied AI research.
Korniagithub.com/kornia/kornia
Open Source Differentiable Computer Vision Library for PyTorch.
PySlowFastgithub.com/facebookresearch/SlowFast
Open source video understanding codebase from FAIR that provides state-of-the-art video
classification models.
How to Convert a Picture to Numbersbrohrer.github.io/images_to_numbers.html
Awesome Computer Visiongithub.com/jbhuang0604/awesome-computer-vision
The Ancient Secrets of Computer Vision
2018
youtube.com/playlist?list=PLjMXczUzEYcHvw5YYSU92WrY8IwhTuq7p
Variational Methods for Computer Vision lectures
2013
youtube.com/watch?v=fpw26tpHGr8&list=PLTBdjV_4f-EJ7A2iIH5L5ztqqrWYjP2RI
Classy Visiongithub.com/facebookresearch/ClassyVision
New end-to-end, PyTorch-based framework for large-scale training of state-of-the-art image and
video classification models.
Meshroomgithub.com/alicevision/meshroom
D Reconstruction Software.
PyTorch3dgithub.com/facebookresearch/pytorch3d
Provides efficient, reusable components for 3D Computer Vision research with PyTorch.
Face Recognitiongithub.com/ageitgey/face_recognition
World's simplest facial recognition api for Python and the command line.
Deep Hough Voting for 3D Object Detection in Point
Cloudsgithub.com/facebookresearch/votenet
Point Cloud Librarygithub.com/PointCloudLibrary/pcl
Standalone, large scale, open project for 2D/3D image and point cloud processing.
Disappearing-Peoplegithub.com/jasonmayes/Real-Time-Person-Removal
Removing people from complex backgrounds in real time using TensorFlow.js in the web
browser.
Best Practices, code samples, and documentation for Computer
Visiongithub.com/microsoft/computervision-recipes
Computer Vision Basics in Microsoft
Excelgithub.com/amzn/computer-vision-basics-in-microsoft-excel
PolyGen: An Autoregressive Generative Model of 3D Meshes
2020
arxiv.org/abs/2002.10880
Sophusgithub.com/strasdat/Sophus
C++ implementation of Lie Groups using Eigen.
SOLTgithub.com/MIPT-Oulu/solt
Streaming over lightweight data transformations.
Awesome Interaction-aware Behavior and Trajectory
Predictiongithub.com/jiachenli94/Awesome-Interaction-aware-Trajectory-Prediction
SynSin: End-to-end View Synthesis from a Single Image
2020
robots.ox.ac.uk/~ow/synsin.html
Pixel2Meshgithub.com/nywang16/Pixel2Mesh
Generating 3D Mesh Models from Single RGB Images.
PyTorch improved version of TPAMI 2017 paper: Face Alignment in Full Pose Range: A 3D
Total Solutiongithub.com/cleardusk/3DDFA
Learning to See Through Obstructionsgithub.com/alex04072000/ObstructionRemoval
Learning to Cluster Faces on an Affinity Graph (LTC)github.com/yl-1993/learn-to-cluster
Avatarifygithub.com/alievk/avatarify
Avatars for Zoom and Skype.
SPSRgithub.com/Maclory/SPSR
PyTorch implementation of Structure-Preserving Super Resolution with Gradient Guidance.
OISR-PyTorchgithub.com/HolmesShuan/OISR-PyTorch
PyTorch implementation of "ODE-inspired Network Design for Single Image Super-Resolution.
3D Photography using Context-aware Layered Depth
Inpaintinggithub.com/vt-vl-lab/3d-photo-inpainting
CenterMask : Real-Time Anchor-Free Instance
Segmentationgithub.com/youngwanLEE/CenterMask
Interview with Dmytro Mushkin | Computer Vision Research | Kaggle, ML & Education
2020
youtube.com/watch?v=lWwkbiufwNE
Pytorch code for ICLR-20 Paper "Learning to Explore using Active Neural
SLAM"github.com/devendrachaplot/Neural-SLAM
FaceTrackergithub.com/kylemcdonald/FaceTracker
Real time deformable face tracking in C++ with OpenCV 3.
Awesome Super Resolutiongithub.com/ChaofWang/Awesome-Super-Resolution
Adversarial Latent Autoencodersgithub.com/podgorskiy/ALAE
ElasticFusiongithub.com/mp3guy/ElasticFusion
Real-time dense visual SLAM system capable of capturing comprehensive dense globally
consistent surfel-based maps of room scale environments explored using an RGB-D camera.
StegaStamp: Invisible Hyperlinks in Physical Photographsgithub.com/tancik/StegaStamp
fvcoregithub.com/facebookresearch/fvcore
Collection of common code that's shared among different research projects in FAIR computer
vision team.
ScreenPointgithub.com/cyrildiagne/screenpoint
Project an image centroid to another image using OpenCV.

Security
Other
382
Wifiphisherwifiphisher.org
Rogue Access Point framework for conducting red team engagements or Wi-Fi security testing.
disclose.iodisclose.io
Cross-industry, vendor-agnostic standardization project for safe harbor† best practices to enable
good-faith security research.
I'm Open Sourcing the Have I Been Pwned Code Base
2020
troyhunt.com/im-open-sourcing-the-have-i-been-pwned-code-base
Bypassing ESP32 Encrypted Secure Boot
2020
raelize.com/posts/espressif-esp32-bypassing-encrypted-secure-boot-cve-2020-13629
OWASP Cheat Sheetscheatsheetseries.owasp.org
Collection of high value information on specific application security topics.
MITRE open sourcemitre.github.io
Machine Learning for Security Coursesecurity.kiwi/docs/introduction
What hardware and software should I use for a self hosted home security system?
2021
reddit.com/r/selfhosted/comments/mjmojl/what_hardware_and_software_should_i_use_for_a
Aqua Securityaquasec.com
Full lifecycle security for containers and cloud-native applications.
An Incomplete List of Practical Security for Mortals
2021
ludovicianul.github.io/2021/07/06/incomplete-list-of-security
Canonicalization Attacks Against MACs and Signatures
2021
soatok.blog/2021/07/30/canonicalization-attacks-against-macs-and-signatures
Secure Software Development Fundamentals Coursesopenssf.org/edx-courses
OWASP Top 10 2021owasp.org/Top10
Nonprofit foundation that works to improve the security of software.
Analyzing the Mario Themed Malware
2021
serhack.me/articles/analyzing-mario-malware-en
Exploiting the Qualcomm NPU (neural processing unit) kernel driver
2021
securitylab.github.com/research/qualcomm_npu
EnvKeyenvkey.com
End-To-End Encrypted Environments.
Project Zerogoogleprojectzero.blogspot.com
Team of security researchers at Google who study zero-day vulnerabilities in the hardware and
software systems.
Wi-Fine: it is fine to use public Wi-Fiwifine.gitlab.io
W3C Data Integrity Specificationw3c.github.io/vc-data-integrity
Phylumphylum.io
Automate software supply chain security to block new risks, prioritize existing issues and only
use open-source code that you trust.
How You Respond to Security Researchers Says Everything About You
2023
soatok.blog/2023/01/21/how-you-respond-to-security-researchers-says-everything-about-you
Hacking into Toyota’s global supplier management network
2023
eaton-works.com/2023/02/06/toyota-gspims-hack
Deploying key transparency at WhatsApp
2023
engineering.fb.com/2023/04/13/security/whatsapp-key-transparency
Passkeys will come at a cost
2023
fy.blackhats.net.au/blog/2023-02-02-how-hype-will-turn-your-security-key-into-junk
Session management security: Best practices for protecting user sessions
2023
snyk.io/blog/session-management-security
OpenPubKey and Sigstore
2023
blog.sigstore.dev/openpubkey-and-sigstore
Lynisgithub.com/CISOfy/lynis
Security auditing and hardening tool, for UNIX-based systems.
Theo De Raadt presented "Pledge: A new security technology in
OpenBSD"youtube.com/watch?v=F_7S1eqKsFk
Great talk.
SeKeygithub.com/ntrippar/sekey
Use Touch ID / Secure Enclave for SSH Authentication.
DEF CON 26 - Christopher Domas - GOD MODE UNLOCKED Hardware Backdoors in redacted
x86
2018
youtube.com/watch?v=jmTwlEh8L7g
SOPSgithub.com/mozilla/sops
Editor of encrypted files that supports YAML, JSON, ENV, INI and BINARY formats and encrypts
with AWS KMS, GCP KMS, Azure Key Vault and PGP.
ClusterFuzzgithub.com/google/clusterfuzz
Scalable fuzzing infrastructure which finds security and stability issues in software.
Some security related notesgithub.com/jaybosamiya/security-notes
RAMBleedrambleed.com
Reading Bits in Memory Without Accessing Them.
Slivergithub.com/BishopFox/sliver
General purpose cross-platform implant framework that supports C2 over Mutual-TLS, HTTP(S),
and DNS.
Infosec_Referencegithub.com/rmusser01/Infosec_Reference
Information Security Reference That Doesn't Suck.
Messaging Layer Security (MLS)messaginglayersecurity.rocks
Security layer for encrypting messages in groups of size two to many.
Molassesgithub.com/trailofbits/molasses
Rust implementation of the Message Layer Security group messaging protocol.
mkcertgithub.com/FiloSottile/mkcert
Simple zero-config tool to make locally trusted development certificates with any names you'd
like.
Bouldergithub.com/letsencrypt/boulder
ACME-based CA, written in Go.
If you were tasked to conduct a security audit on a server/database-backed web app, where
would you start?
2019
dev.to/ben/if-you-were-tasked-to-conduct-a-security-audit-on-a-server-database-backed-web-ap
p-where-would-you-start-573o
Resilience engineering papersgithub.com/lorin/resilience-engineering
How Monzo security team handle secrets
2019
monzo.com/blog/2019/10/11/how-our-security-team-handle-secrets
HoneyTrapgithub.com/honeytrap/honeytrap
Extensible and opensource system for running, monitoring and managing honeypots.
Flan Scangithub.com/cloudflare/flan
Lightweight network vulnerability scanner.
SSL/TLS Deployment Best Practices - Ivan Ristic
2017
youtube.com/watch?v=AYNtH7JMlAQ
Hardenizehardenize.com
Meet the new standard for network and security configuration monitoring.
american fuzzy lopgithub.com/google/AFL
Security-oriented fuzzer.
Pwnagotchigithub.com/evilsocket/pwnagotchi
Deep Reinforcement Learning instrumenting bettercap for WiFi pwning.
is-website-vulnerablegithub.com/lirantal/is-website-vulnerable
Finds publicly known security vulnerabilities in a website's frontend JavaScript libraries.
camogithub.com/atmos/camo
HTTP proxy to route images through SSL. Making insecure assets look secure.
Vaultgithub.com/hashicorp/vault
Tool for secrets management, encryption as a service, and privileged access management.
Awesome Hackinggithub.com/Hack-with-Github/Awesome-Hacking
OSS-Fuzzgithub.com/google/oss-fuzz
Continuous Fuzzing for Open Source Software.
crunchygithub.com/muesli/crunchy
Finds common flaws in passwords. Like cracklib, but written in Go.
Redirect attack on Shadowsocks stream ciphersgithub.com/edwardz246003/shadowsocks
Dispatchgithub.com/Netflix/dispatch
All of the ad-hoc things you're doing to manage incidents today, done for you, and much more.

You might also like