From 134715f9e064d9abbaa38f0d7acd69b47448b496 Mon Sep 17 00:00:00 2001 From: chenjiajia Date: Thu, 10 Aug 2023 21:08:06 +0000 Subject: [PATCH] Robot Updated at:10 Aug 2023 21:08:06 GMT --- docs/awesome/awesome-audit-algorithms.md | 137 ++--- .../awesome-browser-extensions-for-github.md | 84 +-- docs/awesome/awesome-godot.md | 481 ++++++++-------- docs/awesome/awesome-newsletters.md | 517 +++++++++--------- docs/awesome/awesome-rust.md | 9 +- docs/awesome/awesome-slack.md | 230 +++----- docs/awesome/awesome-talks.md | 268 ++++----- docs/awesome/awesome-webxr.md | 200 +++---- docs/awesome/free-for-dev.md | 1 + 9 files changed, 928 insertions(+), 999 deletions(-) diff --git a/docs/awesome/awesome-audit-algorithms.md b/docs/awesome/awesome-audit-algorithms.md index e10fbc405f..5678b23b9c 100644 --- a/docs/awesome/awesome-audit-algorithms.md +++ b/docs/awesome/awesome-audit-algorithms.md @@ -1,93 +1,96 @@
## Awesome Audit Algorithms [![Awesome](https://awesome.re/badge-flat.svg)](https://awesome.re) -用于审计黑盒算法的精选算法列表. -如今,许多算法(推荐、评分、分类)都在第三方提供商处运行,而用户或机构对他们如何操作其数据没有任何见解. 因此,此列表中的审计算法适用于此设置,创造了“黑盒”设置,其中一位审计员希望对这些远程算法有一些了解. +A curated list of algorithms for auditing black-box algorithms. +Nowadays, many algorithms (recommendation, scoring, classification) are operated at third party providers, without users or institutions having any insights on how they operate on their data. Audit algorithms in this list thus apply to this setup, coined the "black-box" setup, where one auditor wants to get some insight on these remote algorithms. banner -> 用户查询远程算法(例如,通过可用的 API),以推断有关该算法的信息. +> A user queries a remote algorithm (eg, through available APIs), to infer information about that algorithm. ## Papers ### 2023 -- [Confidential-PROFITT: Confidential PROof of FaIr Training of Trees](https://openreview.net/pdf?id=iIfDQVyuFD) -(ICLR)*提出公平决策树学习算法以及零知识证明协议,以获得被审计服务器的公平性证明.* -- [SCALE-UP: An Efficient Black-box Input-level Backdoor Detection via Analyzing Scaled Prediction Consistency](https://arxiv.org/pdf/2302.03251.pdf) - (ICLR) *考虑在机器学习即服务 (MLaaS) 应用程序的黑盒设置下进行后门检测.* +- [Auditing Yelp’s Business Ranking and Review Recommendation Through the Lens of Fairness](https://arxiv.org/pdf/2308.02129.pdf) - (Arxiv) *Audits the fairness of Yelp’s business +ranking and review recommendation systems, with demographic parity, exposure, and statistical tests such as quantile linear and logistic regression.* +- [Confidential-PROFITT: Confidential PROof of FaIr Training of Trees](https://openreview.net/pdf?id=iIfDQVyuFD) - (ICLR) *Proposes fair decision tree learning algorithms along with zero-knowledge proof protocols to obtain a proof of fairness on the audited server.* +- [SCALE-UP: An Efficient Black-box Input-level Backdoor Detection via Analyzing Scaled Prediction Consistency](https://arxiv.org/pdf/2302.03251.pdf) - (ICLR) *Considers backdoor detection under the black-box setting in machine learning as a service (MLaaS) applications.* ### 2022 -- [Two-Face: Adversarial Audit of Commercial Face Recognition Systems](https://ojs.aaai.org/index.php/ICWSM/article/view/19300/19072) -(ICWSM)*对多个系统 API 和数据集进行对抗性审计,进行一些相关观察.* -- [Scaling up search engine audits: Practical insights for algorithm auditing](https://journals.sagepub.com/doi/10.1177/01655515221093029) -(信息科学杂志) [(Code)](https://github.com/gesiscss/WebBot) *使用虚拟代理的模拟浏览行为审核多个搜索引擎.* -- [A zest of lime: towards architecture-independent model distances](https://openreview.net/pdf?id=OUz_9TiTv9j) - (ICLR) *使用 LIME 测量两个远程模型之间的距离.* -- [Active Fairness Auditing](https://proceedings.mlr.press/v162/yan22c/yan22c.pdf) -(ICML)*研究基于查询的审计算法,可以以高效查询的方式估计 ML 模型的人口统计奇偶性.* -- [Look at the Variance! Efficient Black-box Explanations with Sobol-based Sensitivity Analysis](https://proceedings.neurips.cc/paper/2021/file/da94cbeff56cfda50785df477941308b-Paper.pdf) - (NeurIPS) *Sobol 索引提供了一种有效的方法来捕获图像区域之间的高阶交互及其通过方差透镜对(黑盒)神经网络预测的贡献.* -- [Your Echos are Heard: Tracking, Profiling, and Ad Targeting in the Amazon Smart Speaker Ecosystem](https://arxiv.org/pdf/2204.10920.pdf) - (arxiv) *推断 Amazon Echo 系统和广告定位算法之间的联系.* +- [Two-Face: Adversarial Audit of Commercial Face Recognition Systems](https://ojs.aaai.org/index.php/ICWSM/article/view/19300/19072) - (ICWSM) *Performs an adversarial audit on multiple systems APIs and datasets, making a number of concerning observations.* +- [Scaling up search engine audits: Practical insights for algorithm auditing](https://journals.sagepub.com/doi/10.1177/01655515221093029) - (Journal of Information Science) [(Code)](https://github.com/gesiscss/WebBot) *Audits multiple search engines using simulated browsing behavior with virtual agents.* +- [A zest of lime: towards architecture-independent model distances](https://openreview.net/pdf?id=OUz_9TiTv9j) - (ICLR) *Measures the distance between two remote models using LIME.* +- [Active Fairness Auditing](https://proceedings.mlr.press/v162/yan22c/yan22c.pdf) - (ICML) *Studies of query-based auditing algorithms that can estimate the demographic parity of ML models in a query-efficient manner.* +- [Look at the Variance! Efficient Black-box Explanations with Sobol-based Sensitivity Analysis](https://proceedings.neurips.cc/paper/2021/file/da94cbeff56cfda50785df477941308b-Paper.pdf) - (NeurIPS) *Sobol indices provide an efficient way to capture higher-order interactions between image regions and their contributions to a (black box) neural network’s prediction through the lens of variance.* +- [Your Echos are Heard: Tracking, Profiling, and Ad Targeting in the Amazon Smart Speaker Ecosystem](https://arxiv.org/pdf/2204.10920.pdf) - (arxiv) *Infers a link between the Amazon Echo system and the ad targeting algorithm.* ### 2021 -- [Everyday Algorithm Auditing: Understanding the Power of Everyday Users in Surfacing Harmful Algorithmic Behaviors](https://arxiv.org/pdf/2105.02980.pdf) -(CHI)*为用户提供“日常算法审计”的理由.* -- [Auditing Black-Box Prediction Models for Data Minimization Compliance](https://www.cs.bu.edu/faculty/crovella/paper-archive/minimization-audit-Neurips21.pdf) - (NeurIPS) *使用有限数量的查询测量预测模型满足的数据最小化水平.* -- [Setting the Record Straighter on Shadow Banning](https://arxiv.org/abs/2012.05101) - (INFOCOM) [(Code)](https://gitlab.enseeiht.fr/bmorgan/infocom-2021) *考虑了推特影子禁令的可能性(即适度黑盒算法),并衡量了几个假设的概率.* -- [Extracting Training Data from Large Language Models](https://arxiv.org/pdf/2012.07805.pdf) -(USENIX 安全)*从 GPT-2 模型的训练数据中提取逐字文本序列.* -- [FairLens: Auditing black-box clinical decision support systems](https://www.sciencedirect.com/science/article/pii/S030645732100145X?casa_token=oyjFKij269MAAAAA:w_ohScpMPNMnkDdzBqAIod5QfBgQlq5Ht9mMRSOydZpOgNG-i1yuqEmBjWN__38gOGmjNL7dVT0) -(信息处理与管理)*通过比较不同的多标签分类差异度量,提供检测和解释临床 DSS 中潜在公平性问题的管道.* -- [Auditing Algorithmic Bias on Twitter](https://dl.acm.org/doi/abs/10.1145/3447535.3462491) -(网络科学). -- [Bayesian Algorithm Execution: Estimating Computable Properties of Black-box Functions Using Mutual Information](https://proceedings.mlr.press/v139/neiswanger21a.html) -(ICML)*预算约束和贝叶斯优化程序,用于从黑盒算法中提取属性.* +- [When the Umpire is also a Player: Bias in Private Label Product Recommendations on E-commerce Marketplaces](https://arxiv.org/pdf/2102.00141.pdf) - (FAccT) *Do Amazon private label products get an unfair share of recommendations and are therefore advantaged compared to 3rd party products?* +- [Everyday Algorithm Auditing: Understanding the Power of Everyday Users in Surfacing Harmful Algorithmic Behaviors](https://arxiv.org/pdf/2105.02980.pdf) - (CHI) *Makes the case for "everyday algorithmic auditing" by users.* +- [Auditing Black-Box Prediction Models for Data Minimization Compliance](https://www.cs.bu.edu/faculty/crovella/paper-archive/minimization-audit-Neurips21.pdf) - (NeurIPS) *Measures the level of data minimization satisfied by the prediction model using a limited number of queries.* +- [Setting the Record Straighter on Shadow Banning](https://arxiv.org/abs/2012.05101) - (INFOCOM) [(Code)](https://gitlab.enseeiht.fr/bmorgan/infocom-2021) *Considers the possibility of shadow banning in Twitter (ie, the moderation black-box algorithm), and measures the probability of several hypothesis.* +- [Extracting Training Data from Large Language Models](https://arxiv.org/pdf/2012.07805.pdf) - (USENIX Security) *Extract verbatim text sequences from the GPT-2 model’s training data.* +- [FairLens: Auditing black-box clinical decision support systems](https://www.sciencedirect.com/science/article/pii/S030645732100145X?casa_token=oyjFKij269MAAAAA:w_ohScpMPNMnkDdzBqAIod5QfBgQlq5Ht9mMRSOydZpOgNG-i1yuqEmBjWN__38gOGmjNL7dVT0) - (Information Processing & Management) *Presents a pipeline to detect and explain potential fairness issues in Clinical DSS, by comparing different multi-label classification disparity measures.* +- [Auditing Algorithmic Bias on Twitter](https://dl.acm.org/doi/abs/10.1145/3447535.3462491) - (WebSci). +- [Bayesian Algorithm Execution: Estimating Computable Properties of Black-box Functions Using Mutual Information](https://proceedings.mlr.press/v139/neiswanger21a.html) - (ICML) *A budget constrained and Bayesian optimization procedure to extract properties out of a black-box algorithm.* ### 2020 -- [Black-Box Ripper: Copying black-box models using generative evolutionary algorithms](https://proceedings.neurips.cc/paper/2020/file/e8d66338fab3727e34a9179ed8804f64-Paper.pdf) -(NeurIPS)*复制黑盒神经模型的功能,但对查询量没有限制(通过教师/学生方案和进化搜索).* -- [Auditing radicalization pathways on YouTube](https://dl.acm.org/doi/pdf/10.1145/3351095.3372879) -(FAT*)*研究激进渠道彼此的可达性,对静态渠道推荐使用随机游走.* -- [Adversarial Model Extraction on Graph Neural Networks](https://arxiv.org/abs/1912.07721) -(AAAI 图深度学习研讨会:方法论和应用)*介绍 GNN 模型提取并为此提出初步方法.* -- [Remote Explainability faces the bouncer problem](https://rdcu.be/b6qB4) -(自然机器智能第 2 卷,第 529-539 页) [(Code)](https://github.com/erwanlemerrer/bouncer_problem) *显示不可能(通过一个请求)或难以发现远程 AI 决策的解释.* -- [GeoDA: a geometric framework for black-box adversarial attacks](https://openaccess.thecvf.com/content_CVPR_2020/papers/Rahmati_GeoDA_A_Geometric_Framework_for_Black-Box_Adversarial_Attacks_CVPR_2020_paper.pdf) - (CVPR) [(Code)](https://github.com/thisisalirah/GeoDA) *在纯黑盒设置(无梯度,仅推断类)中制作对抗性示例来愚弄模型.* -- [The Imitation Game: Algorithm Selectionby Exploiting Black-Box Recommender](https://github.com/erwanlemerrer/erwanlemerrer.github.io/raw/master/files/imitation_blackbox_recommenders_netys-2020.pdf) - (Netys) [(Code)](https://github.com/gdamaskinos/RecRank) *通过模仿远程和训练有素的算法的决策来参数化本地推荐算法.* -- [Auditing News Curation Systems:A Case Study Examining Algorithmic and Editorial Logic in Apple News](https://ojs.aaai.org/index.php/ICWSM/article/view/7277) - (ICWSM) *Apple News 的审计研究作为社会技术新闻管理系统(趋势故事部分).* -- [Auditing Algorithms: On Lessons Learned and the Risks of DataMinimization](https://dl.acm.org/doi/pdf/10.1145/3375627.3375852) - (AIES) *对 Telefónica 开发的健康推荐应用程序的实际审核(主要是基于偏见).* -- [Extracting Training Data from Large Language Models](https://arxiv.org/pdf/2012.07805) - (arxiv) *通过查询语言模型执行训练数据提取攻击以恢复单个训练示例.* +- [Black-Box Ripper: Copying black-box models using generative evolutionary algorithms](https://proceedings.neurips.cc/paper/2020/file/e8d66338fab3727e34a9179ed8804f64-Paper.pdf) - (NeurIPS) *Replicates the functionality of a black-box neural model, yet with no limit on the amount of queries (via a teacher/student scheme and an evolutionary search).* +- [Auditing radicalization pathways on YouTube](https://dl.acm.org/doi/pdf/10.1145/3351095.3372879) - (FAT*) *Studies the reachability of radical channels from each others, using random walks on static channel recommendations.* +- [Adversarial Model Extraction on Graph Neural Networks](https://arxiv.org/abs/1912.07721) - (AAAI Workshop on Deep Learning on Graphs: Methodologies and Applications) *Introduces GNN model extraction and presents a preliminary approach for this.* +- [Remote Explainability faces the bouncer problem](https://rdcu.be/b6qB4) - (Nature Machine Intelligence volume 2, pages529–539) [(Code)](https://github.com/erwanlemerrer/bouncer_problem) *Shows the impossibility (with one request) or the difficulty to spot lies on the explanations of a remote AI decision.* +- [GeoDA: a geometric framework for black-box adversarial attacks](https://openaccess.thecvf.com/content_CVPR_2020/papers/Rahmati_GeoDA_A_Geometric_Framework_for_Black-Box_Adversarial_Attacks_CVPR_2020_paper.pdf) - (CVPR) [(Code)](https://github.com/thisisalirah/GeoDA) *Crafts adversarial examples to fool models, in a pure blackbox setup (no gradients, inferred class only).* +- [The Imitation Game: Algorithm Selectionby Exploiting Black-Box Recommender](https://github.com/erwanlemerrer/erwanlemerrer.github.io/raw/master/files/imitation_blackbox_recommenders_netys-2020.pdf) - (Netys) [(Code)](https://github.com/gdamaskinos/RecRank) *Parametrize a local recommendation algorithm by imitating the decision of a remote and better trained one.* +- [Auditing News Curation Systems:A Case Study Examining Algorithmic and Editorial Logic in Apple News](https://ojs.aaai.org/index.php/ICWSM/article/view/7277) - (ICWSM) *Audit study of Apple News as a sociotechnical news curation system (trending stories section).* +- [Auditing Algorithms: On Lessons Learned and the Risks of DataMinimization](https://dl.acm.org/doi/pdf/10.1145/3375627.3375852) - (AIES) *A practical audit for a well-being recommendation app developed by Telefónica (mostly on bias).* +- [Extracting Training Data from Large Language Models](https://arxiv.org/pdf/2012.07805) - (arxiv) *Performs a training data extraction attack to recover individual training examples by querying the language model.* ### 2019 -- [Adversarial Frontier Stitching for Remote Neural Network Watermarking](https://arxiv.org/abs/1711.01894) - (神经计算与应用) [(Alternative implementation)](https://github.com/dunky11/adversarial-frontier-stitching) *检查远程机器学习模型是否是“泄漏”模型:通过对远程模型的标准 API 请求,提取(或不提取)零位水印,该水印被插入到水印有价值的模型(例如,大型深度神经网络)中.* -- [Knockoff Nets: Stealing Functionality of Black-Box Models](https://arxiv.org/abs/1812.02766.pdf) -(CVPR)*询问对手可以在多大程度上仅基于黑盒交互窃取此类“受害者”模型的功能:图像输入,预测输出.* -- [Opening Up the Black Box:Auditing Google's Top Stories Algorithm](https://par.nsf.gov/servlets/purl/10101277) - (Flairs-32) * 对 Google 的热门故事面板的审计,该面板提供了对其用于选择和排名新闻发布者的算法选择的见解 * -- [Making targeted black-box evasion attacks effective andefficient](https://arxiv.org/pdf/1906.03397.pdf) -(arXiv)*研究对手如何最佳地使用其查询预算来针对深度神经网络进行有针对性的规避攻击.* -- [Online Learning for Measuring Incentive Compatibility in Ad Auctions](https://research.fb.com/wp-content/uploads/2019/05/Online-Learning-for-Measuring-Incentive-Compatibility-in-Ad-Auctions.pdf) -(WWW)*衡量黑盒拍卖平台的激励兼容(IC)机制(遗憾).* -- [TamperNN: Efficient Tampering Detection of Deployed Neural Nets](https://arxiv.org/abs/1903.00317) -(ISSRE)*制作输入的算法可以检测远程执行的分类器模型的篡改.* -- [Neural Network Model Extraction Attacks in Edge Devicesby Hearing Architectural Hints](https://arxiv.org/pdf/1903.03916.pdf) - (arxiv) *通过bus snooping获取内存访问事件,通过LSTM-CTC模型识别层序,根据内存访问模式进行层拓扑连接,数据量约束下的层维度估计,证明可以准确恢复与攻击起点相似的网络架构* -- [Stealing Knowledge from Protected Deep Neural Networks Using Composite Unlabeled Data](https://ieeexplore.ieee.org/abstract/document/8851798) -(ICNN)*可用于攻击和提取黑盒模型知识的复合方法,即使它完全隐藏了其 softmax 输出.* -- [Neural Network Inversion in Adversarial Setting via Background Knowledge Alignment](https://dl.acm.org/citation.cfm?id=3354261) - (CCS) * 对手设置中的模型反演方法基于训练一个反演模型,该反演模型充当原始模型的反演. 在不完全了解原始训练数据的情况下,通过在从更通用的数据分布中抽取的辅助样本上训练反演模型,仍然可以进行准确的反演. * +- [Adversarial Frontier Stitching for Remote Neural Network Watermarking](https://arxiv.org/abs/1711.01894) - (Neural Computing and Applications) [(Alternative implementation)](https://github.com/dunky11/adversarial-frontier-stitching) *Check if a remote machine learning model is a "leaked" one: through standard API requests to a remote model, extract (or not) a zero-bit watermark, that was inserted to watermark valuable models (eg, large deep neural networks).* +- [Knockoff Nets: Stealing Functionality of Black-Box Models](https://arxiv.org/abs/1812.02766.pdf) - (CVPR) *Ask to what extent can an adversary steal functionality of such "victim" models based solely on blackbox interactions: image in, predictions out.* +- [Opening Up the Black Box:Auditing Google's Top Stories Algorithm](https://par.nsf.gov/servlets/purl/10101277) - (Flairs-32) *Audit of the Google's Top stories panel that pro-vides insights into its algorithmic choices for selectingand ranking news publisher* +- [Making targeted black-box evasion attacks effective andefficient](https://arxiv.org/pdf/1906.03397.pdf) - (arXiv) *Investigates how an adversary can optimally use its query budget for targeted evasion attacks against deep neural networks.* +- [Online Learning for Measuring Incentive Compatibility in Ad Auctions](https://research.fb.com/wp-content/uploads/2019/05/Online-Learning-for-Measuring-Incentive-Compatibility-in-Ad-Auctions.pdf) - (WWW) *Measures the incentive compatible- (IC) mechanisms (regret) of black-box auction platforms.* +- [TamperNN: Efficient Tampering Detection of Deployed Neural Nets](https://arxiv.org/abs/1903.00317) - (ISSRE) *Algorithms to craft inputs that can detect the tampering with a remotely executed classifier model.* +- [Neural Network Model Extraction Attacks in Edge Devicesby Hearing Architectural Hints](https://arxiv.org/pdf/1903.03916.pdf) - (arxiv) *Through the acquisition of memory access events from bus snooping, layer sequence identification bythe LSTM-CTC model, layer topology connection according to the memory access pattern, and layer dimension estimation under data volume constraints, it demonstrates one can accurately recover the a similar network architecture as the attack starting point* +- [Stealing Knowledge from Protected Deep Neural Networks Using Composite Unlabeled Data](https://ieeexplore.ieee.org/abstract/document/8851798) - (ICNN) *Composite method which can be used to attack and extract the knowledge ofa black box model even if it completely conceals its softmaxoutput.* +- [Neural Network Inversion in Adversarial Setting via Background Knowledge Alignment](https://dl.acm.org/citation.cfm?id=3354261) - (CCS) *Model inversion approach in the adversary setting based on training an inversion model that acts as aninverse of the original model. With no fullknowledge about the original training data, an accurate inversion is still possible by training the inversion model on auxiliary samplesdrawn from a more generic data distribution.* ### 2018 -- [Counterfactual Explanations without Opening the Black Box: Automated Decisions and the GDPR](https://arxiv.org/abs/1711.00399) - (Harvard Journal of Law & Technology) *为了解释关于 x 的决定,找到一个事实:最接近 x 的点改变了决定.* -- [Distill-and-Compare: Auditing Black-Box Models Using Transparent Model Distillation](https://arxiv.org/abs/1710.06169) -(AIES)*将黑盒模型视为教师,训练透明的学生模型以模仿黑盒模型分配的风险分数.* -- [Towards Reverse-Engineering Black-Box Neural Networks](https://arxiv.org/abs/1711.01768) - (ICLR) [(Code)](https://github.com/coallaoh/WhitenBlackBox) *通过分析远程神经网络模型对某些输入的响应模式,推断其内部超参数(例如层数、非线性激活类型).* -- [Data driven exploratory attacks on black box classifiers in adversarial domains](https://www.sciencedirect.com/science/article/pii/S092523121830136X) -(神经计算)*逆向工程远程分类器模型(例如,用于逃避验证码测试).* -- [xGEMs: Generating Examplars to Explain Black-Box Models](https://arxiv.org/pdf/1806.08867.pdf) - (arXiv) *通过训练无监督的隐式生成模型来搜索黑盒模型中的偏差. 然后通过沿数据流形扰动数据样本来定量总结黑盒模型行为. * -- [Learning Networks from Random Walk-Based Node Similarities](https://arxiv.org/pdf/1801.07386) -(NIPS)*通过观察一些随机步行通勤时间来反转图表.* -- [Identifying the Machine Learning Family from Black-Box Models](https://rd.springer.com/chapter/10.1007/978-3-030-00374-6_6) -(CAEPIA)*确定返回的预测背后是哪种机器学习模型.* -- [Stealing Neural Networks via Timing Side Channels](https://arxiv.org/pdf/1812.11720.pdf) -(arXiv)*通过使用查询的定时攻击窃取/近似模型.* -- [Copycat CNN: Stealing Knowledge by Persuading Confession with Random Non-Labeled Data](https://arxiv.org/abs/1806.05476) - (IJCNN) [(Code)](https://github.com/jeiks/Stealing_DL_Models) *通过使用随机自然图像(ImageNet 和 Microsoft-COCO)查询来窃取黑盒模型 (CNN) 知识.* -- [Auditing the Personalization and Composition of Politically-Related Search Engine Results Pages](https://dl.acm.org/doi/10.1145/3178876.3186143) -(WWW)*一个 Chrome 扩展程序,用于调查参与者并收集搜索引擎结果页面(SERP)和自动完成建议,以研究个性化和组合.* +- [Counterfactual Explanations without Opening the Black Box: Automated Decisions and the GDPR](https://arxiv.org/abs/1711.00399) - (Harvard Journal of Law & Technology) *To explain a decision on x, find a conterfactual: the closest point to x that changes the decision.* +- [Distill-and-Compare: Auditing Black-Box Models Using Transparent Model Distillation](https://arxiv.org/abs/1710.06169) - (AIES) *Treats black box models as teachers, training transparent student models to mimic the risk scores assigned by black-box models.* +- [Towards Reverse-Engineering Black-Box Neural Networks](https://arxiv.org/abs/1711.01768) - (ICLR) [(Code)](https://github.com/coallaoh/WhitenBlackBox) *Infer inner hyperparameters (eg number of layers, non-linear activation type) of a remote neural network model by analysing its response patterns to certain inputs.* +- [Data driven exploratory attacks on black box classifiers in adversarial domains](https://www.sciencedirect.com/science/article/pii/S092523121830136X) - (Neurocomputing) *Reverse engineers remote classifier models (e.g., for evading a CAPTCHA test).* +- [xGEMs: Generating Examplars to Explain Black-Box Models](https://arxiv.org/pdf/1806.08867.pdf) - (arXiv) *Searches bias in the black box model by training an unsupervised implicit generative model. Thensummarizes the black-box model behavior quantitatively by perturbing data samples along the data manifold.* +- [Learning Networks from Random Walk-Based Node Similarities](https://arxiv.org/pdf/1801.07386) - (NIPS) *Reversing graphs by observing some random walk commute times.* +- [Identifying the Machine Learning Family from Black-Box Models](https://rd.springer.com/chapter/10.1007/978-3-030-00374-6_6) - (CAEPIA) *Determines which kind of machine learning model is behind the returned predictions.* +- [Stealing Neural Networks via Timing Side Channels](https://arxiv.org/pdf/1812.11720.pdf) - (arXiv) *Stealing/approximating a model through timing attacks usin queries.* +- [Copycat CNN: Stealing Knowledge by Persuading Confession with Random Non-Labeled Data](https://arxiv.org/abs/1806.05476) - (IJCNN) [(Code)](https://github.com/jeiks/Stealing_DL_Models) *Stealing black-box models (CNNs) knowledge by querying them with random natural images (ImageNet and Microsoft-COCO).* +- [Auditing the Personalization and Composition of Politically-Related Search Engine Results Pages](https://dl.acm.org/doi/10.1145/3178876.3186143) - (WWW) *A Chrome extension to survey participants and collect the Search Engine Results Pages (SERPs) and autocomplete suggestions, for studying personalization and composition.* ### 2017 -- [Uncovering Influence Cookbooks : Reverse Engineering the Topological Impact in Peer Ranking Services](https://dl.acm.org/authorize.cfm?key=N21772) -(CSCW)*旨在确定同行排名服务中使用了哪些中心性指标.* -- [The topological face of recommendation: models and application to bias detection](https://arxiv.org/abs/1704.08991) -(复杂网络)*为推荐给用户的项目提出偏差检测框架.* -- [Membership Inference Attacks Against Machine Learning Models](http://ieeexplore.ieee.org/document/7958568/) -(安全和隐私研讨会)*给定机器学习模型和记录,确定该记录是否用作模型训练数据集的一部分.* -- [Practical Black-Box Attacks against Machine Learning](https://dl.acm.org/citation.cfm?id=3053009) -(亚洲 CCS)*了解远程服务对对抗性分类攻击有多脆弱.* +- [Uncovering Influence Cookbooks : Reverse Engineering the Topological Impact in Peer Ranking Services](https://dl.acm.org/authorize.cfm?key=N21772) - (CSCW) *Aims at identifying which centrality metrics are in use in a peer ranking service.* +- [The topological face of recommendation: models and application to bias detection](https://arxiv.org/abs/1704.08991) - (Complex Networks) *Proposes a bias detection framework for items recommended to users.* +- [Membership Inference Attacks Against Machine Learning Models](http://ieeexplore.ieee.org/document/7958568/) - (Symposium on Security and Privacy) *Given a machine learning model and a record, determine whether this record was used as part of the model's training dataset or not.* +- [Practical Black-Box Attacks against Machine Learning](https://dl.acm.org/citation.cfm?id=3053009) - (Asia CCS) *Understand how vulnerable is a remote service to adversarial classification attacks.* ### 2016 -- [Algorithmic Transparency via Quantitative Input Influence: Theory and Experiments with Learning Systems](https://www.andrew.cmu.edu/user/danupam/datta-sen-zick-oakland16.pdf) - (IEEE S&P) *使用沙普利值评估特征对模型的个体、联合和边际影响.* -- [Auditing Black-Box Models for Indirect Influence](https://arxiv.org/abs/1602.07043) -(ICDM)*通过“巧妙地”将变量从数据集中删除并查看精度差距来评估变量对黑盒模型的影响* -- [Iterative Orthogonal Feature Projection for Diagnosing Bias in Black-Box Models](https://arxiv.org/abs/1611.04967) -(FATML Workshop)*执行功能排名以分析黑盒模型* -- [Bias in Online Freelance Marketplaces: Evidence from TaskRabbit](http://datworkshop.org/papers/dat16-final22.pdf) -(dat workshop)*测量 TaskRabbit 的搜索算法排名.* -- [Stealing Machine Learning Models via Prediction APIs](https://www.usenix.org/conference/usenixsecurity16/technical-sessions/presentation/tramer) -(Usenix 安全) [(Code)](https://github.com/ftramer/Steal-ML) *旨在提取远程服务使用的机器学习模型.* -- [“Why Should I Trust You?”Explaining the Predictions of Any Classifier](https://arxiv.org/pdf/1602.04938v3.pdf) - (arXiv) [(Code)](https://github.com/marcotcr/lime-experiments) *通过对数据实例进行采样来解释黑盒分类器模型.* -- [Back in Black: Towards Formal, Black Box Analysis of Sanitizers and Filters](http://ieeexplore.ieee.org/document/7546497/) -(安全和隐私)*消毒剂和过滤器的黑盒分析.* -- [Algorithmic Transparency via Quantitative Input Influence: Theory and Experiments with Learning Systems](http://ieeexplore.ieee.org/document/7546525/) -(安全和隐私)*引入衡量输入对观察系统输出影响程度的措施.* -- [An Empirical Analysis of Algorithmic Pricing on Amazon Marketplace](https://mislove.org/publications/Amazon-WWW.pdf) - (万维网) [(Code)](http://personalization.ccs.neu.edu) *开发一种检测算法定价的方法,并根据经验使用它来分析它们在亚马逊市场上的流行程度和行为.* +- [Algorithmic Transparency via Quantitative Input Influence: Theory and Experiments with Learning Systems](https://www.andrew.cmu.edu/user/danupam/datta-sen-zick-oakland16.pdf) - (IEEE S&P) *Evaluate the individual, joint and marginal influence of features on a model using shapley values.* +- [Auditing Black-Box Models for Indirect Influence](https://arxiv.org/abs/1602.07043) - (ICDM) *Evaluate the influence of a variable on a black-box model by "cleverly" removing it from the dataset and looking at the accuracy gap* +- [Iterative Orthogonal Feature Projection for Diagnosing Bias in Black-Box Models](https://arxiv.org/abs/1611.04967) - (FATML Workshop) *Performs feature ranking to analyse black-box models* +- [Bias in Online Freelance Marketplaces: Evidence from TaskRabbit](http://datworkshop.org/papers/dat16-final22.pdf) - (dat workshop) *Measures the TaskRabbit's search algorithm rank.* +- [Stealing Machine Learning Models via Prediction APIs](https://www.usenix.org/conference/usenixsecurity16/technical-sessions/presentation/tramer) - (Usenix Security) [(Code)](https://github.com/ftramer/Steal-ML) *Aims at extracting machine learning models in use by remote services.* +- [“Why Should I Trust You?”Explaining the Predictions of Any Classifier](https://arxiv.org/pdf/1602.04938v3.pdf) - (arXiv) [(Code)](https://github.com/marcotcr/lime-experiments) *Explains a blackbox classifier model by sampling around data instances.* +- [Back in Black: Towards Formal, Black Box Analysis of Sanitizers and Filters](http://ieeexplore.ieee.org/document/7546497/) - (Security and Privacy) *Black-box analysis of sanitizers and filters.* +- [Algorithmic Transparency via Quantitative Input Influence: Theory and Experiments with Learning Systems](http://ieeexplore.ieee.org/document/7546525/) - (Security and Privacy) *Introduces measures that capture the degree of influence of inputs on outputs of the observed system.* +- [An Empirical Analysis of Algorithmic Pricing on Amazon Marketplace](https://mislove.org/publications/Amazon-WWW.pdf) - (WWW) [(Code)](http://personalization.ccs.neu.edu) *Develops a methodology for detecting algorithmic pricing, and use it empirically to analyze their prevalence and behavior on Amazon Marketplace.* ### 2015 -- [Certifying and Removing Disparate Impact](https://arxiv.org/abs/1412.3756) -(SIGKDD)*提出基于 SVM 的方法来证明不存在偏见和消除数据集中偏见的方法.* -- [Peeking Beneath the Hood of Uber](https://dl.acm.org/citation.cfm?id=2815681) -(IMC)*推断 Uber 激增价格算法的实施细节.* +- [Certifying and Removing Disparate Impact](https://arxiv.org/abs/1412.3756) - (SIGKDD) *Proposes SVM-based methods to certify absence of bias and methods to remove biases from a dataset.* +- [Peeking Beneath the Hood of Uber](https://dl.acm.org/citation.cfm?id=2815681) - (IMC) *Infer implementation details of Uber's surge price algorithm.* ### 2014 -- [窥探黑匣子:通过随机化探索分类器]() -(数据挖掘和知识发现期刊)([code](https://github.com/tsabsch/goldeneye)) *找到可以在不改变预测样本输出标签的情况下排列的特征组* -- [XRay: Enhancing the Web's Transparency with Differential Correlation](https://www.usenix.org/node/184394) -(USENIX 安全)*审计哪些用户配置文件数据用于定位特定广告、推荐或价格.* +- [A peek into the black box: exploring classifiers by randomization]() - (Data Mining and Knowledge Discovery journal) ([code](https://github.com/tsabsch/goldeneye)) *Finds groups of features that can be permuted without changing the output label of predicted samples* +- [XRay: Enhancing the Web's Transparency with Differential Correlation](https://www.usenix.org/node/184394) - (USENIX Security) *Audits which user profile data were used for targeting a particular ad, recommendation, or price.* ### 2013 -- [Measuring Personalization of Web Search](https://dl.acm.org/citation.cfm?id=2488435) - (WWW) *开发了一种衡量网络搜索结果个性化的方法.* -- [Auditing: Active Learning with Outcome-Dependent Query Costs](https://www.cs.bgu.ac.il/~sabatos/papers/SabatoSarwate13.pdf) -(NIPS)*从只为负标签付费的二元分类器中学习.* +- [Measuring Personalization of Web Search](https://dl.acm.org/citation.cfm?id=2488435) - (WWW) *Develops a methodology for measuring personalization in Web search result.* +- [Auditing: Active Learning with Outcome-Dependent Query Costs](https://www.cs.bgu.ac.il/~sabatos/papers/SabatoSarwate13.pdf) - (NIPS) *Learns from a binary classifier paying only for negative labels.* ### 2012 -- [Query Strategies for Evading Convex-Inducing Classifiers](http://www.jmlr.org/papers/v13/nelson12a.html) - (JMLR) *凸分类器的规避方法. 考虑规避复杂性. * +- [Query Strategies for Evading Convex-Inducing Classifiers](http://www.jmlr.org/papers/v13/nelson12a.html) - (JMLR) *Evasion methods for convex classifiers. Considers evasion complexity.* ### 2008 -- [Privacy Oracle: a System for Finding Application Leakswith Black Box Differential Testing](https://dl.acm.org/citation.cfm?id=1455806) - (CCS) *Privacy Oracle:一个系统,可以发现应用程序在传输到远程服务器时泄露的个人信息.* +- [Privacy Oracle: a System for Finding Application Leakswith Black Box Differential Testing](https://dl.acm.org/citation.cfm?id=1455806) - (CCS) *Privacy Oracle: a system that uncovers applications' leaks of personal information in transmissions to remoteservers.* ### 2005 - [Adversarial Learning](https://dl.acm.org/citation.cfm?id=1081950) - (KDD) *Reverse engineering of remote linear classifiers, using membership queries.* diff --git a/docs/awesome/awesome-browser-extensions-for-github.md b/docs/awesome/awesome-browser-extensions-for-github.md index d1cad51fc2..bbf19df54e 100644 --- a/docs/awesome/awesome-browser-extensions-for-github.md +++ b/docs/awesome/awesome-browser-extensions-for-github.md @@ -25,7 +25,7 @@ Want to know more about this process? Check out the [Codeless Contributions with Shows notifications when you get a new notification on GitHub and provides quick access to all notifications in a popup. -Installs: 124 | Stars: 76 | Last update: 2 Jun 2023 +Installs: 125 | Stars: 76 | Last update: 2 Jun 2023 Removes clutter from your pull request by automatically marking as viewed files that aren't worth reviewing. @@ -35,32 +35,32 @@ Installs: 34 | Stars: 7 | Last update: 14 Feb 2022 Next level code navigation for GitHub. -Installs: 601 | Stars: 55 | Last update: 20 Jul 2022 +Installs: 595 | Stars: 55 | Last update: 20 Jul 2022 Visualize GitHub repos as d3 force-directed graphs. The extension gives you a quick overview of the size and composition of any repo. -Installs: 209 | Stars: 12 | Last update: 26 Apr 2022 +Installs: 214 | Stars: 12 | Last update: 26 Apr 2022 The CoderStats link for GitHub Chrome extension displays a link to the CoderStats page for the currently displayed user or organization profile page on GitHub. -Installs: 798 | Stars: 19 | Last update: 2 May 2023 +Installs: 800 | Stars: 19 | Last update: 2 May 2023 Show the # of PRs and other contributors stats in the Issues/PRs tab. Can be helpful for maintainers that want to know if it's a contributor's first PR. -Installs: 335 | Stars: 456 | Last update: 1 Mar 2021 +Installs: 338 | Stars: 457 | Last update: 1 Mar 2021 Displays size of each file, download link and an option of copying file contents directly to clipboard -Installs: 40691 | Stars: 1861 | Last update: 25 Dec 2021 +Installs: 40693 | Stars: 1862 | Last update: 25 Dec 2021 Easily search GIPHY to add a GIF into any GitHub comment box. -Installs: 9418 | Stars: 147 | Last update: 27 Jul 2023 +Installs: 9421 | Stars: 147 | Last update: 27 Jul 2023 Find the best GIFs for your awesome pull requests. @@ -75,7 +75,7 @@ Installs: 7227 | Stars: 13370 | Last update: 6 May 2020 GitHub provides a page that only shows diffs with a .diff at the end of the URL of the pull request. This browser extension makes it easier to view csv diffs by using daff on that page. -Installs: 25 | Stars: 3 | Last update: 18 Apr 2021 +Installs: 24 | Stars: 3 | Last update: 18 Apr 2021 Code folding - the ability to selectively hide and display sections of a code - is an invaluable feature in many text editors and IDEs. Now, developers can utilize that same style code-folding while poring over source code on the web in GitHub. Works for any type of indentation- spaces or tabs. @@ -85,17 +85,17 @@ Installs: 3116 | Stars: 285 | Last update: 14 Jul 2022 Set custom tab size for code view on GitHub.com -Installs: 581 | Stars: 68 | Last update: 6 May 2019 +Installs: 583 | Stars: 68 | Last update: 6 May 2019 Easily navigate through the changes in a file that has been edited on GitHub. -Installs: 189 | Stars: 19 | Last update: 28 Apr 2023 +Installs: 194 | Stars: 19 | Last update: 28 Apr 2023 A browser extension which gives different filetypes different icons on GitHub. -Installs: 10000 | Stars: 1283 | Last update: 21 Mar 2023 +Installs: 10000 | Stars: 1284 | Last update: 21 Mar 2023 Highlight selected word in GitHub source view like Sublime Text. @@ -105,22 +105,22 @@ Installs: 1000 | Stars: 141 | Last update: 8 Oct 2019 Neat hovercards for GitHub. -Installs: 26572 | Stars: 1774 | Last update: 12 May 2021 +Installs: 26577 | Stars: 1774 | Last update: 12 May 2021 Colorize issue and PR links to see their status (open, closed, merged). -Installs: 924 | Stars: 293 | Last update: 4 Nov 2021 +Installs: 929 | Stars: 293 | Last update: 4 Nov 2021 Displays npm package stats on GitHub -Installs: 623 | Stars: 56 | Last update: 31 May 2020 +Installs: 626 | Stars: 56 | Last update: 31 May 2020 Lists repositories that are similar to the one being viewed -Installs: 323 | Stars: 36 | Last update: 10 Aug 2022 +Installs: 324 | Stars: 36 | Last update: 10 Aug 2022 Revert closed GitHub issues from purple back to red @@ -130,17 +130,17 @@ Installs: 23 | Stars: 38 | Last update: 28 Jul 2023 Automatically adds repository size to GitHub's repository summary. -Installs: 20000 | Stars: 1158 | Last update: 26 Jun 2020 +Installs: 20000 | Stars: 1159 | Last update: 26 Jun 2020 Chrome extension to see story points in GitHub projects. -Installs: 629 | Stars: 60 | Last update: 17 Aug 2020 +Installs: 633 | Stars: 60 | Last update: 17 Aug 2020 Generates a pie chart on user profile pages displaying a breakdown of what languages they have used in their repositories. -Installs: 1036 | Stars: 46 | Last update: 16 Jun 2022 +Installs: 1035 | Stars: 46 | Last update: 16 Jun 2022 This extension adds the simplicity of WYSIWYG editing to issues, comments, pull requests, wikis and discussions in GitHub. It accepts Markdown input and offers productive writing, starting with tables. @@ -160,17 +160,17 @@ Installs: 2000 | Stars: 270 | Last update: 30 Sep 2021 It can make the sub-directories and files of github repository as zip and download it -Installs: 103058 | Stars: 30 | Last update: 18 May 2023 +Installs: 103061 | Stars: 30 | Last update: 18 May 2023 Create, save, edit, pin, search and delete filters that you commonly use on the Github Issues and Pull Requests pages. You are able to scope filters to be shown globally (on each repo) or only have them show up on the repo you create them on. Pinning filters is also a feature that this extension allows you to do. So if you have several filters you use daily - you have a way to quickly access them, at the top of your list. -Installs: 528 | Stars: n/a | Last update: 22 Aug 2022 +Installs: 523 | Stars: n/a | Last update: 22 Aug 2022 Extension to get back current and longest streak. -Installs: 668 | Stars: 225 | Last update: 10 Jan 2023 +Installs: 667 | Stars: 225 | Last update: 10 Jan 2023 Replace browser new tab screen with GitHub trending projects. @@ -180,7 +180,7 @@ Installs: 2000 | Stars: 343 | Last update: n/a Hide dotfiles from the GitHub file browser. -Installs: 667 | Stars: 317 | Last update: 17 Sep 2021 +Installs: 665 | Stars: 317 | Last update: 17 Sep 2021 Allows you to toggle between the normal GitHub contribution chart and an isometric pixel art version. @@ -195,12 +195,12 @@ Installs: 61 | Stars: 231 | Last update: 26 May 2018 See forks with the most stars under the names of repositories. -Installs: 1321 | Stars: 548 | Last update: 1 Sep 2021 +Installs: 1322 | Stars: 548 | Last update: 1 Sep 2021 Show Material icons for files/folders in repository file viewer. Display the same icons from vscode-material-icon-theme VSCode extension. -Installs: 10559 | Stars: 362 | Last update: 16 Jul 2023 +Installs: 10559 | Stars: 363 | Last update: 16 Jul 2023 An extension that creates direct links to imported modules, external or internal, on source code on GitHub. Supports multiple languages, including common ones like Rust, Go, Python and Ruby, but also odd ones like Nim, Haskell, Julia and Elm. @@ -210,17 +210,17 @@ Installs: 46 | Stars: 246 | Last update: 27 Nov 2019 Chrome extension which helps you not to miss important changes in your news thread related to your repo -Installs: 14 | Stars: 14 | Last update: 1 Oct 2018 +Installs: 16 | Stars: 14 | Last update: 1 Oct 2018 A Chrome and Firefox extension to quickly see your notifications in a popup without leaving the current page. -Installs: 431 | Stars: 142 | Last update: 6 Apr 2023 +Installs: 424 | Stars: 142 | Last update: 6 Apr 2023 Displays your GitHub notifications unread count. Supports GitHub Enterprise and an option to only show unread count for issues you're participating in. You can click the icon to quickly see your unread notifications. -Installs: 10504 | Stars: 1729 | Last update: 12 Jul 2023 +Installs: 10507 | Stars: 1730 | Last update: 12 Jul 2023 Filter your pull requests/issues in different categories giving you a big boost in productivity. Also suggests new trending repositories. @@ -230,14 +230,14 @@ Installs: 1 | Stars: 129 | Last update: 16 Jan 2020 OctoLinker is the easiest and best way to navigate between files and projects on GitHub. It supports languages such as JavaScript, Ruby, Go, PHP, JAVA and more. It works with package.json as well as with Gemfiles. -Installs: 32474 | Stars: 5166 | Last update: 13 Nov 2022 +Installs: 32474 | Stars: 5167 | Last update: 13 Nov 2022 OctoPermalinker is a browser extension that searches GitHub comments/files for links to files on branches, and adds a link to where the branch pointed when the comment/file was made/updated. This helps you avoid following a link that was broken after being posted. For context, here's some discussion about broken GitHub links: [Don't link to line numbers in GitHub](https://news.ycombinator.com/item?id=8046710). For example, suppose you're looking at a gist that links to a file on the master branch of a repo. At the time the gist was made, the link worked, but if the file gets removed, the link is broken. OctoPermalinker uses the gist creation date to add a permalink that still works. -Installs: 216 | Stars: 21 | Last update: 20 May 2017 +Installs: 221 | Stars: 21 | Last update: 20 May 2017 The missing IntelliSense hint for GitHub and GitLab @@ -247,12 +247,12 @@ Installs: 4000 | Stars: 960 | Last update: 4 Feb 2022 Useful for developers who frequently read source in GitHub and do not want to download or checkout too many repositories. -Installs: 337123 | Stars: 22515 | Last update: 27 Jun 2023 +Installs: 337136 | Stars: 22516 | Last update: 27 Jun 2023 Revert GitHub's UI back to its classic look (before the June 23, 2020 update that has a flat, rounded and more whitespaced design). -Installs: 304 | Stars: 218 | Last update: 30 Apr 2023 +Installs: 305 | Stars: 218 | Last update: 30 Apr 2023 This browser extension allows you to open files in your IDE directly from GitHub, assuming the repository you are working on is cloned on your computer. When a fragment of a file is displayed, your IDE opens the file and puts the cursor at the desired line. @@ -262,27 +262,27 @@ Installs: 1035 | Stars: 57 | Last update: 28 Nov 2022 Helps you keep track of incoming and outgoing PRs, and notifies you when you receive a pull request on GitHub. -Installs: 751 | Stars: 110 | Last update: 21 Jun 2023 +Installs: 752 | Stars: 110 | Last update: 21 Jun 2023 Browser extension that shows which pull requests contain changes related to a file. -Installs: 40 | Stars: 97 | Last update: 15 Oct 2020 +Installs: 41 | Stars: 97 | Last update: 15 Oct 2020 Extension that simplifies the GitHub interface and adds useful features. -Installs: 77739 | Stars: 21529 | Last update: 3 Aug 2023 +Installs: 77752 | Stars: 21532 | Last update: 3 Aug 2023 Are they tabs? Are they spaces? How many? Never wonder again! Renders spaces as `·` and tabs as `→` in all the code on GitHub. -Installs: 601 | Stars: 74 | Last update: 25 Aug 2018 +Installs: 602 | Stars: 74 | Last update: 25 Aug 2018 Introduces the Explore tab in the pull request interface where you can review changes ordered by importance and see the semantic context surrounding each change. -Installs: 35 | Stars: n/a | Last update: 10 Aug 2020 +Installs: 33 | Stars: n/a | Last update: 10 Aug 2020 The Sourcegraph browser extension gives GitHub IDE-like powers when you're viewing code, pull requests, and diffs: @@ -293,7 +293,7 @@ The Sourcegraph browser extension gives GitHub IDE-like powers when you're viewi 4. Hover tooltips 5. File tree navigation -Installs: 101053 | Stars: 8705 | Last update: 15 Apr 2023 +Installs: 101052 | Stars: 8708 | Last update: 15 Apr 2023 Make tab indented code more readable by forcing the tab size to 4 instead of 8. @@ -303,7 +303,7 @@ Installs: 1000 | Stars: 282 | Last update: 25 Sep 2021 Helps you see easily which activities happened since you last visited GitHub. -Installs: 182 | Stars: 31 | Last update: n/a +Installs: 184 | Stars: 31 | Last update: n/a Generate a magic link for your PR and post it on shared Slack channel, to entice reviewers to pick up your PR faster! @@ -323,7 +323,7 @@ Installs: 20175 | Stars: n/a | Last update: 16 Jun 2023 file tree for github, and more than that. -Installs: 10494 | Stars: n/a | Last update: 18 May 2023 +Installs: 10494 | Stars: n/a | Last update: 10 Aug 2023 Add breakpoints at 1400px, 1600px and 1800px for full GitHub experience on large screens. Also removes the truncating of file and directory names in the repository browser. @@ -333,14 +333,14 @@ Installs: 2000 | Stars: 130 | Last update: 24 Jul 2020 gitpod streamlines developer workflows by providing ready-to-code development environments in your browser - powered by vs code. -Installs: 62465 | Stars: 124 | Last update: 31 Jul 2023 +Installs: 62471 | Stars: 124 | Last update: 31 Jul 2023 When viewing a repository on github.com that has a package.json file, this extension will introspect the dependencies in package.json and display links and description for each dependency, just below the repo's README. -Installs: 2078 | Stars: 701 | Last update: 29 May 2023 +Installs: 2079 | Stars: 701 | Last update: 29 May 2023 Extends GitHub pages with math, diagrams, embedded YouTube videos etc. -Installs: 434 | Stars: 85 | Last update: 10 Jan 2023 +Installs: 432 | Stars: 85 | Last update: 10 Jan 2023 diff --git a/docs/awesome/awesome-godot.md b/docs/awesome/awesome-godot.md index 95424f68ed..aab7dca75f 100644 --- a/docs/awesome/awesome-godot.md +++ b/docs/awesome/awesome-godot.md @@ -3,125 +3,125 @@ [![Godot Engine logo](https://raw.githubusercontent.com/godotengine/awesome-godot/master/godot-logo.svg?sanitize=true)](https://godotengine.org) -精心策划的清单 [free/libre](https://www.gnu.org/philosophy/free-sw.html) Godot 的游戏、插件、附加组件和脚本. +A curated list of [free/libre](https://www.gnu.org/philosophy/free-sw.html) games, plugins, add-ons and scripts for Godot. -在 Godot 中寻找第三方编程语言支持? +Looking for third-party programming language support in Godot? See [Vivraan/godot-lang-support](https://github.com/Vivraan/godot-lang-support). ## Games -*使用 Godot 的开源游戏.* +*Open Source Games that use Godot.* ### 2D #### Godot 3.2+ -- [Everplast](https://github.com/WraithWinterly/Everplast) - 充满愤怒、冲刺、速度和喷射的独特 2D 平台体验. -- [Falling Square](https://github.com/EmilienLeroy/FallingSquare) - 一个简单的手机游戏来测试你的反应能力. -- [Librerama](https://codeberg.org/Yeldham/librerama) - 免费/自由的快节奏街机迷你游戏合集. -- [Pocket Broomball](https://github.com/dulvui/pocket-broomball/) - 世界上第一个扫帚球游戏,适用于 iOS、Android 和 html5. -- [Portal 2D](https://github.com/JulianWels/portal2d) - Portal 游戏的 2D 重制版. -- [spindle of serendipity](https://zacryol.itch.io/spindle-of-serendipity) - 带有可定制条目的猜词游戏. -- [SuperStarfighter](https://github.com/notapixelstudio/superstarfighter) - 快节奏的本地派对游戏,星际飞船在自上而下的竞技场中战斗. -- [TuxBuilder](https://github.com/Alzter/TuxBuilder) - SuperTux 的重新实现正在进行中. +- [Everplast](https://github.com/WraithWinterly/Everplast) - Unique 2D platforming experience filled with rage, rush, speed, and spray. +- [Falling Square](https://github.com/EmilienLeroy/FallingSquare) - A simple mobile game to test your reflex. +- [Librerama](https://codeberg.org/Yeldham/librerama) - A free/libre fast-paced arcade collection of mini-games. +- [Pocket Broomball](https://github.com/dulvui/pocket-broomball/) - The world's first broomball game, available for iOS, Android and html5. +- [Portal 2D](https://github.com/JulianWels/portal2d) - 2D remake of the Portal games. +- [spindle of serendipity](https://zacryol.itch.io/spindle-of-serendipity) - Word guessing game with customizable entries. +- [SuperStarfighter](https://github.com/notapixelstudio/superstarfighter) - Fast-paced local party game with starships that battle in a top-down arena. +- [TuxBuilder](https://github.com/Alzter/TuxBuilder) - Work-in-progress reimplementation of SuperTux. #### Godot 3.1 -- [Blipshift](https://github.com/GaidamakUA/blipshift) - 简单的自上而下移动平台游戏. -- [Circle Jump](https://github.com/kidscancode/circle_jump) - 手机街机游戏,令人上瘾且过瘾. 提供了制作方法教程,因此您可以自己重新创建并学习 Godot. -- [Haldric](https://github.com/wesnoth/haldric) - 韦诺之战的官方正在进行中的重新实现. -- [SealedBite](https://github.com/securas/SealedBite) - 2D 平台游戏,2019 年 GitHub Game Off jam 获胜者. -- [Unknown Horizons](https://github.com/unknown-horizons/godot-port) - 未知地平线的正式重新实施正在进行中. +- [Blipshift](https://github.com/GaidamakUA/blipshift) - Simple top-down moving platforms game. +- [Circle Jump](https://github.com/kidscancode/circle_jump) - Mobile arcade game, addicting and enjoyable. How-to-made tutorial is available, so you can recreate it yourself and learn Godot. +- [Haldric](https://github.com/wesnoth/haldric) - Official work-in-progress reimplementation of Battle for Wesnoth. +- [SealedBite](https://github.com/securas/SealedBite) - 2D platformer game, winner of the GitHub Game Off 2019 jam. +- [Unknown Horizons](https://github.com/unknown-horizons/godot-port) - Official work-in-progress reimplementation of Unknown Horizons. #### Godot 3.0 -- [Breakable](https://github.com/didier-v/breakable) - 一款类似突围的游戏. -- [Memory Game](https://github.com/Tzoop/MemoryGame) - 简单的记忆游戏. +- [Breakable](https://github.com/didier-v/breakable) - A breakout-like game. +- [Memory Game](https://github.com/Tzoop/MemoryGame) - Simple Memory game. #### Godot 2.1 -- [BlockPop](https://github.com/vnen/blockpop) - 一个简单的突破克隆. -- [Bombs](https://github.com/randyyaj/Bombs) - 简单的手机游戏. 你需要触摸炸弹来拆除它们. -- [Captain Holetooth](https://github.com/Hirnbix/captain-holetooth) - 详细世界中的探索性平台游戏. 面向年轻球员. -- [Dolphin Island 2](https://github.com/janmarcano/Dolphin-Island-2) - 为 A Game By It's Cover 2015 Game Jam 制作的平台游戏. -- [DynaDungeons](https://github.com/akien-mga/dynadungeons) - 奇幻宇宙中的炸弹人克隆体. -- [Kraken-Rampage](https://github.com/randyyaj/Kraken-Rampage) - Ludum Dare 33 条参赛作品在 48 小时内完成. -- [Minehunter](https://github.com/genete/Minehunter) - 扫雷克隆版. -- [Minilens](http://kobuge-games.github.io/minilens/) - 免费益智平台游戏. -- [Mountain of Hope](https://github.com/w84death/mountain-of-hope) - 在 Theater Game Jam (PGA 2015) 上制作的游戏. -- [Ninja-Training](https://github.com/KOBUGE-Games/Ninja-Training) - 小型跑步游戏,挑战时间为 1 小时. -- [No hope](https://github.com/sergicollado/no_hope_LD33) - Ludum Dare 33 条参赛作品在 48 小时内完成. -- [Planet Rider](https://github.com/FEDE0D/Planet-Rider) - 外星环境中的 2D 物理跑酷游戏. -- [Platshoot](https://github.com/Calinou/platshoot) - 2D 射击游戏. -- [Ringed](https://github.com/KOBUGE-Incubator/ringed) - 自上而下的射击游戏,广泛使用灯光效果. -- [Tanks of Freedom](https://github.com/w84death/Tanks-of-Freedom) - 免费回合制等距策略游戏. -- [Three Hungry Mice](https://github.com/delstuff/threeHungryMice) - 为 2016 年 3 月的 Godot Engine Jam 制作的小鼠突破游戏. +- [BlockPop](https://github.com/vnen/blockpop) - A simple Breakout clone. +- [Bombs](https://github.com/randyyaj/Bombs) - Simple mobile game. You need to touch bombs to defuse them. +- [Captain Holetooth](https://github.com/Hirnbix/captain-holetooth) - Explorative platformer in a detailed world. Geared towards younger players. +- [Dolphin Island 2](https://github.com/janmarcano/Dolphin-Island-2) - Platformer game made for the A Game By It's Cover 2015 Game Jam. +- [DynaDungeons](https://github.com/akien-mga/dynadungeons) - Bomberman clone in a fantasy universe. +- [Kraken-Rampage](https://github.com/randyyaj/Kraken-Rampage) - Ludum Dare 33 entry made in 48 hours. +- [Minehunter](https://github.com/genete/Minehunter) - A Minesweeper clone. +- [Minilens](http://kobuge-games.github.io/minilens/) - Free puzzle platform game. +- [Mountain of Hope](https://github.com/w84death/mountain-of-hope) - Game made on Theater Game Jam (PGA 2015). +- [Ninja-Training](https://github.com/KOBUGE-Games/Ninja-Training) - Small running game done as 1 hour challenge. +- [No hope](https://github.com/sergicollado/no_hope_LD33) - Ludum Dare 33 entry made in 48 hours. +- [Planet Rider](https://github.com/FEDE0D/Planet-Rider) - 2D physics parkour game in an alien environment. +- [Platshoot](https://github.com/Calinou/platshoot) - A 2D shooter game. +- [Ringed](https://github.com/KOBUGE-Incubator/ringed) - Top-down shooter with extensive usage of light effects. +- [Tanks of Freedom](https://github.com/w84death/Tanks-of-Freedom) - Free turn-based isometric strategy game. +- [Three Hungry Mice](https://github.com/delstuff/threeHungryMice) - Breakout game with mice made for the Godot Engine Jam of March 2016. ### 3D #### Godot 3.2+ -- [Ball2Box](https://github.com/dulvui/ball2box) - 将球射入盒子,适用于 iOS、Android 和 html5. -- [Boom](https://github.com/FelicePollano/Boom) - 一款非常简单、老式的第一人称射击游戏,正在开发中,但可以玩. -- [Broken Seals](https://github.com/Relintai/broken_seals) - 正在进行中的第三人称动作角色扮演游戏,支持多人游戏(需要自定义引擎模块). +- [Ball2Box](https://github.com/dulvui/ball2box) - Shoot the ball into the box, available for iOS, Android and html5. +- [Boom](https://github.com/FelicePollano/Boom) - A very simple, old fashion FPS, work-in-progress but playable. +- [Broken Seals](https://github.com/Relintai/broken_seals) - A work-in-progress third person action RPG with multiplayer support (needs custom engine modules). - [Super Tux Party](https://gitlab.com/SuperTuxParty/SuperTuxParty) - A free/libre and open-source party game that is meant to replicate the feel of games such as Mario Party. -- [Tanks of Freedom II](https://github.com/P1X-in/Tanks-of-Freedom-3-D) - 体素艺术中的免费回合制等距策略游戏. -- [Thrive](https://github.com/Revolutionary-Games/Thrive/) - 一款关于生命进化的免费开源游戏(Mono). +- [Tanks of Freedom II](https://github.com/P1X-in/Tanks-of-Freedom-3-D) - Free turn-based isometric strategy game in voxel art. +- [Thrive](https://github.com/Revolutionary-Games/Thrive/) - A free, open-source game about the evolution of life (Mono). #### Godot 3.1 -- [Rapid Rescue](https://github.com/Azza292/RapidRescue) - Rapid Rescue 是一款受 Labyrinth 启发的本地多人策略游戏. +- [Rapid Rescue](https://github.com/Azza292/RapidRescue) - Rapid Rescue is a local multiplayer strategy game inspired by Labyrinth. #### Godot 3.0 -- [Meteorite](https://github.com/Bauxitedev/meteorite) - 低分辨率银河恶魔城第一人称射击游戏,灵感来自银河战士 Prime,专为 LOWREZJAM 2018 制作. +- [Meteorite](https://github.com/Bauxitedev/meteorite) - A lowres metroidvania FPS, inspired by Metroid Prime, made for LOWREZJAM 2018. #### Godot 2.1 -- [Cheese Hunter](https://github.com/khairul169/cheese-hunter) - 2016 年 3 月的 Godot Engine Jam 游戏. +- [Cheese Hunter](https://github.com/khairul169/cheese-hunter) - A game for Godot Engine Jam of March 2016. ## Projects -*使用 Godot 制作的非游戏开源项目(工具/实用程序).* +*Non-game Open source projects made with Godot (tools/utilities).* #### Godot 4.0 -- [Clipboard Narrator](https://github.com/lesleyrs/clipboard-narrator) - 将任何网页变成有声读物,在桌面后台运行! +- [Clipboard Narrator](https://github.com/lesleyrs/clipboard-narrator) - Turn any web page into an audiobook, works in the background on desktop! #### Godot 3.5+ -- [GATT - Godot Autotile Texture Templater](https://github.com/sesopenko/gatt) - 用于生成所需尺寸和颜色的 2x2 和 3x3 自动图块集的工具. +- [GATT - Godot Autotile Texture Templater](https://github.com/sesopenko/gatt) - A tool for generating 2x2 and 3x3 autotile tilesets in whichever size and colour needed. #### Godot 3.2+ -- [Arrow](https://github.com/mhgolkar/Arrow) - 用节点设计游戏叙事的工具. -- [Godello](https://github.com/alfredbaudisch/Godello) - 使用 Godot 制作的类似 Trello 的看板应用程序. 使用 Godot 进行复杂的非游戏应用程序以及多个用户之间的实时在线交互的概念验证. 包括后端代码. -- [Lorien](https://github.com/mbrlabs/Lorien) - 适用于 Windows、Linux 和 macOS 的无限画布绘图/白板应用程序. 支持绘图板和压力感应. -- [Material Maker](https://github.com/RodZill4/material-maker) - 按程序创建 PBR 材质(类似于 Substance Designer). -- [Pixelorama](https://github.com/Orama-Interactive/Pixelorama) - 2D 像素艺术编辑器. -- [ProtonGraph](https://github.com/protongraph/protongraph) - 用于程序内容创建的基于节点的工具. 与可视化脚本类似,但用于 3D 模型生成(需要自定义引擎模块). -- [vpuppr](https://github.com/virtual-puppet-project/vpuppr) - 具有多个跟踪后端的跨平台 VTuber 应用程序. +- [Arrow](https://github.com/mhgolkar/Arrow) - A tool to design game narratives with nodes. +- [Godello](https://github.com/alfredbaudisch/Godello) - A Trello-like kanban board application made with Godot. A proof of concept for complex non-game applications with Godot, as well real-time online interactions between multiple users. Includes backend code. +- [Lorien](https://github.com/mbrlabs/Lorien) - Infinite-canvas drawing/whiteboarding app for Windows, Linux and macOS. Supports drawing tablets and pressure sensitivity. +- [Material Maker](https://github.com/RodZill4/material-maker) - Create PBR materials procedurally (similar to Substance Designer). +- [Pixelorama](https://github.com/Orama-Interactive/Pixelorama) - 2D pixel art editor. +- [ProtonGraph](https://github.com/protongraph/protongraph) - Node-based tool for procedural content creation. Like visual scripting, but for 3D model generation (needs custom engine modules). +- [vpuppr](https://github.com/virtual-puppet-project/vpuppr) - A cross-platform VTuber application with mulitple tracking backends. ## Templates -*用作您自己的游戏基础的项目.* +*Projects to use as a base for your own games.* #### Godot 3.5+ -- [bendn's Godot Template](https://github.com/bend-n/godot-template) - 游戏模板使用 [gpm](https://github.com/you-win/godot-package-manager) ,通过 itch.io 推送并自动化构建. 包括入门 CLI. +- [bendn's Godot Template](https://github.com/bend-n/godot-template) - Game template using the [gpm](https://github.com/you-win/godot-package-manager), with itch.io pushing and builds automated. Starter CLI included. #### Godot 3.2+ -- [Crystal Bit Godot Game Template](https://github.com/crystal-bit/godot-game-template) - 有意见的游戏模板. 它包括持续集成、带有图形过渡的场景加载和游戏暂停处理. -- [First Person Starter](https://github.com/Whimfoome/godot-FirstPersonStarter) - 带有第一人称控制器的模板,可以通过检查器轻松调整. -- [Godot First Person Camera](https://github.com/tavurth/godot-simple-fps-camera) - 一个简单的 FPS 入门游戏,具有跳跃、移动、手电筒和带有动画的玩家角色. -- [Godot FPS Template](https://github.com/MilkAndBanana01/godot-fps-template) - Godot 引擎的免费第一人称游戏模板. -- [Godot Game Of Life](https://github.com/tavurth/godot-game-of-life) - Conway 使用着色器的“生命游戏”. -- [Minimum Game](https://github.com/benmarz/minimum_game) - 模板自上而下的 2D 像素艺术游戏,具有多个房间、HUD、菜单和自动保存功能. -- [Multiplayer First Person Shooter](https://github.com/blockspacer/Godot-3.2-Multiplayer-FPS) - 多人第一人称射击游戏示例项目. -- [Multiplayer Third Person Shooter](https://github.com/jasonswearingen/TPS-MP) - 多人第三人称射击游戏示例项目. +- [Crystal Bit Godot Game Template](https://github.com/crystal-bit/godot-game-template) - Opinionated game template. It includes continuous integration, scene loading with graphic transitions and game pause handling. +- [First Person Starter](https://github.com/Whimfoome/godot-FirstPersonStarter) - Template with First Person Controller, easily adjustable from the Inspector. +- [Godot First Person Camera](https://github.com/tavurth/godot-simple-fps-camera) - A simple FPS starter with jumping, movement, flashlight and a player character with animations. +- [Godot FPS Template](https://github.com/MilkAndBanana01/godot-fps-template) - A free first person game template for the Godot Engine. +- [Godot Game Of Life](https://github.com/tavurth/godot-game-of-life) - Conway's *Game of life* using shaders. +- [Minimum Game](https://github.com/benmarz/minimum_game) - Template top-down 2D pixel art game, with multiple rooms, a HUD, menus, and autosaving. +- [Multiplayer First Person Shooter](https://github.com/blockspacer/Godot-3.2-Multiplayer-FPS) - Multiplayer first person shooter example project. +- [Multiplayer Third Person Shooter](https://github.com/jasonswearingen/TPS-MP) - Multiplayer third person shooter example project. #### Godot 3.1 @@ -129,270 +129,271 @@ See [Vivraan/godot-lang-support](https://github.com/Vivraan/godot-lang-support). ## Demos -*学习 GDScript、其概念和各种游戏功能的演示.* +*Demos to learn GDScript, its concepts, and various game features.* #### Godot 3.2+ -- [Godot Demo Projects](https://github.com/godotengine/godot-demo-projects) - 官方 Godot 演示项目(除了 TPS 演示之外的所有项目). -- [TPS Demo](https://github.com/godotengine/tps-demo) - 官方 Godot 第三人称射击游戏 (TPS) 演示,具有高品质图形. -- [Godot experiments](https://github.com/MrEliptik/godot_experiments) - 多个 2D、3D 和 VR 实验. -- [The Tower](https://github.com/Relintai/the_tower) - 一款基于体素的跑酷游戏,展示 Voxelman 模块的功能. +- [Godot Demo Projects](https://github.com/godotengine/godot-demo-projects) - Official Godot demo projects (everything except the TPS demo). +- [TPS Demo](https://github.com/godotengine/tps-demo) - Official Godot third person shooter (TPS) demo with high quality graphics. +- [Godot experiments](https://github.com/MrEliptik/godot_experiments) - Several 2D, 3D and VR experiments. +- [The Tower](https://github.com/Relintai/the_tower) - A voxel-based parkour game to show the capabilities of the Voxelman module. #### Godot 3.1 -- [Realistic Water Shader](https://github.com/godot-extended-libraries/godot-realistic-water) - 带有泡沫和焦散的逼真 3D 水着色器. -- [OpenRPG](https://github.com/GDquest/godot-open-rpg) - JRPG风格的游戏演示和模板. -- [voxelgame](https://github.com/Zylann/voxelgame) - 类似《我的世界》的体素地形演示,利用 godot_voxel 模块. +- [Realistic Water Shader](https://github.com/godot-extended-libraries/godot-realistic-water) - Realistic 3D water shader with foam and caustics. +- [OpenRPG](https://github.com/GDquest/godot-open-rpg) - JRPG-style game demo and template. +- [voxelgame](https://github.com/Zylann/voxelgame) - Minecraft-like voxel terrain demo, utilising the godot_voxel module. #### Godot 3.0 -- [Open Source A-RPG Demo](https://github.com/GDQuest/godot-make-pro-2d-games) - 角色扮演游戏演示. +- [Open Source A-RPG Demo](https://github.com/GDQuest/godot-make-pro-2d-games) - RPG demo. #### Godot 2.1 -- [FPS Test](https://github.com/Calinou/fps-test) - 单人 FPS 测试. 物理原理有效,但没有敌人,也没有适当的射击. -- [Pathfinding 2d](https://github.com/FEDE0D/godot-pathfinding2d-demo) - 演示使用图块地图进行寻路的演示项目. -- [UDP Snapshot interpolation](https://github.com/empyreanx/godot-snapshot-interpolation-demo) - 允许您连接到服务器并查看网络物理. -- [UDP State synchronization](https://github.com/empyreanx/godot-state-sync-demo) - 比快照插值更高效的网络演示. -- [Voxel Game](https://github.com/toger5/Godot-Voxel-Game-MineCraftClone) - 类似《我的世界》的体素地形演示. +- [FPS Test](https://github.com/Calinou/fps-test) - A singleplayer FPS test. Physics work, but there are no enemies and no proper shooting. +- [Pathfinding 2d](https://github.com/FEDE0D/godot-pathfinding2d-demo) - A demo project demonstrating pathfinding using a tilemap. +- [UDP Snapshot interpolation](https://github.com/empyreanx/godot-snapshot-interpolation-demo) - Lets you connect to a server and view networked physics. +- [UDP State synchronization](https://github.com/empyreanx/godot-state-sync-demo) - A more efficient networking demo than the snapshot interpolation one. +- [Voxel Game](https://github.com/toger5/Godot-Voxel-Game-MineCraftClone) - Minecraft-like voxel terrain demo. ## Tutorials -> **注意** +> **Note** > -> [list of tutorials](https://docs.godotengine.org/en/latest/community/tutorials.html) 已移至 Godot 文档. +> The [list of tutorials](https://docs.godotengine.org/en/latest/community/tutorials.html) has moved to the Godot documentation. ## Plugins and scripts -*让您做新事情或增强 Godot 功能的脚本.* +*Scripts that let you do new stuff, or enhance Godot functionality.* #### Various Godot versions -- [2D Day/Night Cycle](https://github.com/hiulit/Godot-3-2D-Day-Night-Cycle) - 2D ☀️ 日/夜循环(Godot 3.x). -- [2D Destructible Objects](https://github.com/hiulit/Godot-3-2D-Destructible-Objects) - 一个脚本,采用精灵,将其分成块并使它们爆炸(Godot 3.x). -- [AgonesSDK](https://github.com/AndreMicheletti/godot-agones-sdk) - 添加插件 [Agones](https://github.com/googleforgames/agones) Godot (Godot 3.x) 的 SDK 功能. -- [Anima](https://github.com/ceceppa/anima) - 与 Tween (Godot 3.x) 相比,使用更少的代码运行顺序和并行动画. -- [Aseprite Wizard](https://github.com/viniciusgerevini/godot-aseprite-wizard) - 用于从 Aseprite 导入动画作为 SpriteFrames (Godot 3.x) 的插件. -- [AutoColliders](https://github.com/graycastle/godot-AutoColliders) - 允许自动生成精灵碰撞器,并计划扩展以在未来处理 3D 网格(Godot 3.x). -- [BoxCam2D](https://github.com/samdaiya/BoxCam2D) - 实现基于网格的 2D 相机移动的最简单方法 (Godot 3.x). -- [CRT Shader](https://github.com/hiulit/Godot-3-2D-CRT-Shader) - 模拟 CRT 显示器的 Godot 着色器,具有许多着色器参数 (Godot 3.x). -- [Cyclops Level Builder](https://github.com/blackears/cyclopsLevelBuilder) - 用于快速原型和概念验证的关卡构建器 (Godot 4.x). -- [Dialogue Manager](https://github.com/nathanhoad/godot_dialogue_manager) - 一个简单但功能强大的基于文本的分支对话编辑器和运行时(Godot 3.x、4.x). -- [EffekseerForGodot3](https://github.com/effekseer/EffekseerForGodot3) - 进口 [Effekseer](https://effekseer.github.io/en/) 粒子效果(Godot 3.x). -- [Escoria](https://github.com/godotengine/escoria) - 点击式冒险游戏框架(Godot 2.1、3.2+). -- [Fast Fourier Transform (FFT)](https://github.com/tavurth/godot-fft) - GDScript 中的快速傅里叶变换 (Godot 4.x). -- [GdUnit3](https://github.com/MikeSchulze/gdUnit3) - Godot 单元测试框架 (Godot 3.x). -- [GodotNotificationCenter](https://github.com/didier-v/GodotNotificationCenter) - 通知中心(Godot 3.x). -- [GodotPhoenixChannels](https://github.com/alfredbaudisch/GodotPhoenixChannels) - Phoenix 框架 (Godot 3.*) 通道 API 的 GDScript 和 Godot 引擎实现. -- [Godot Radial Menu](https://github.com/tavurth/godot-radial-menu) - 用着色器代码编写的径向菜单以提高性能. -- [Godot Recipes](https://kidscancode.org/godot_recipes/3.x/) - 大量大大小小的教程和技术. -- [Godot Shaders](https://github.com/GDQuest/godot-shaders) - 用于 2D 和 3D 的大型免费开源着色器库. -- [Godot SQLite](https://github.com/2shady4u/godot-sqlite) - SQLite 的 GDNative 包装器,使您可以在项目中使用 SQLite 数据库作为数据存储(Godot 3.2+). -- [GodotTIE](https://github.com/henriquelalves/GodotTIE) - 用于控制文本输出的文本界面引擎(如 RPG 对话)(Godot 2.x、3.x). -- [gterm](https://github.com/TeddyDD/gterm) - GUI 控件绘制类似于 \*nix 终端仿真器的东西 (Godot >= 2.1). -- [GUT](https://github.com/bitwes/Gut) - 用于在 GDScript (Godot 3.x) 中编写单元测试的实用程序. -- [HTerrain](https://github.com/Zylann/godot_heightmap_plugin) - 基于高度图的地形. 支持纹理绘制、着色、孔、细节层次和草 (Godot 3.x). -- [InGrid](https://github.com/Larpon/ingrid) - 无限滚动网格(Godot 3.x). -- [Input Helper](https://github.com/nathanhoad/godot_input_helper) - 用于检测输入设备和重新映射控件的助手(Godot 3.x、4.x). -- [obs-websocket-gd](https://github.com/you-win/obs-websocket-gd) - 脚本和编辑器插件,用于通过 obs-websocket (Godot 3.x) 控制 Godot 的开放广播软件. -- [Ridiculous Coding](https://github.com/jotson/ridiculous_coding) - 使您在 Godot 1000× 中的编码体验更加荒谬(Godot 3.x). -- [Scene Manager](https://github.com/glass-brick/Scene-Manager) - 用一行代码即可实现漂亮且可定制的场景转换(Godot 3.x、4.0.alpha). -- [Scrolling Background](https://github.com/dploeger/godot-scrollingbackground) - 滚动背景节点(Godot 2.1,3.x). -- [SimpleGodotCRTShader](https://github.com/henriquelalves/SimpleGodotCRTShader) - 一个简单的 Godot 着色器,模拟 CRT 显示器(Godot 2.x、3.x). -- [SMRT-Godot](https://github.com/brunosxs/SMRT-Godot) - 对话系统和编辑器相当可定制,非常适合故事驱动的游戏(Godot 3.x). -- [StoryTeller Engine](https://github.com/HeavenMercy/StoryTeller-Engine) - 对话和互动小说引擎(Godot 3.x). -- [Tiled importer](https://github.com/vnen/godot-tiled-importer) - 从以下位置导入地图 [Tiled](https://www.mapeditor.org/) (戈多 3.x). -- [TileSet Builder](https://github.com/HeavenMercy/TileSet-Builder-Godot-Plugin) - 快速构建具有风格的图块集 (Godot 3.x). +- [2D Day/Night Cycle](https://github.com/hiulit/Godot-3-2D-Day-Night-Cycle) - A ☀️ Day / 🌔 Night cycle for 2D (Godot 3.x). +- [2D Destructible Objects](https://github.com/hiulit/Godot-3-2D-Destructible-Objects) - A script that takes a sprite, divides it into blocks and makes them explode💥 (Godot 3.x). +- [AgonesSDK](https://github.com/AndreMicheletti/godot-agones-sdk) - Plugin to add [Agones](https://github.com/googleforgames/agones) SDK functionality to Godot (Godot 3.x). +- [Anima](https://github.com/ceceppa/anima) - Run sequential and parallel animations with less code compared to Tween (Godot 3.x). +- [Aseprite Wizard](https://github.com/viniciusgerevini/godot-aseprite-wizard) - Plugin for importing animations from Aseprite as SpriteFrames (Godot 3.x). +- [AutoColliders](https://github.com/graycastle/godot-AutoColliders) - Allows the automatic generation of colliders for Sprites, with planned expansion to handle 3D meshes in the future (Godot 3.x). +- [BoxCam2D](https://github.com/samdaiya/BoxCam2D) - Simplest way to implement grid-based 2D camera movement (Godot 3.x). +- [CRT Shader](https://github.com/hiulit/Godot-3-2D-CRT-Shader) - A Godot shader that simulates CRT Displays with many shader parameters (Godot 3.x). +- [Cyclops Level Builder](https://github.com/blackears/cyclopsLevelBuilder) - A level builder for quick prototypes and proof-of-concepts (Godot 4.x). +- [Dialogue Manager](https://github.com/nathanhoad/godot_dialogue_manager) - A simple but powerful text based branching dialogue editor and runtime (Godot 3.x, 4.x). +- [EffekseerForGodot3](https://github.com/effekseer/EffekseerForGodot3) - Import [Effekseer](https://effekseer.github.io/en/) particle effects (Godot 3.x). +- [Escoria](https://github.com/godotengine/escoria) - Point & click adventure game framework (Godot 2.1, 3.2+). +- [Fast Fourier Transform (FFT)](https://github.com/tavurth/godot-fft) - Fast Fourier Transform in GDScript (Godot 4.x). +- [GdUnit3](https://github.com/MikeSchulze/gdUnit3) - Godot Unit Testing Framework (Godot 3.x). +- [GodotNotificationCenter](https://github.com/didier-v/GodotNotificationCenter) - A notification center (Godot 3.x). +- [GodotPhoenixChannels](https://github.com/alfredbaudisch/GodotPhoenixChannels) - A GDScript and Godot Engine implementation for the Channels API of the Phoenix Framework (Godot 3.*). +- [Godot Radial Menu](https://github.com/tavurth/godot-radial-menu) - A radial menu written in shader code for performance. +- [Godot Recipes](https://kidscancode.org/godot_recipes/3.x/) - A large collection of tutorials and techniques, both big and small. +- [Godot Shaders](https://github.com/GDQuest/godot-shaders) - A large library of free and open-source shaders for 2D and 3D. +- [Godot SQLite](https://github.com/2shady4u/godot-sqlite) - GDNative wrapper for SQLite, making it possible to use SQLite databases as data storage in your project (Godot 3.2+). +- [GodotTIE](https://github.com/henriquelalves/GodotTIE) - Text Interface Engine to control text output (like in a RPG dialogue) (Godot 2.x, 3.x). +- [gterm](https://github.com/TeddyDD/gterm) - GUI control that draws something similar to \*nix terminal emulators (Godot >= 2.1). +- [GUT](https://github.com/bitwes/Gut) - Utility for writing unit tests in GDScript (Godot 3.x). +- [HTerrain](https://github.com/Zylann/godot_heightmap_plugin) - Heightmap-based terrain. Supports texture painting, colouring, holes, level of detail and grass (Godot 3.x). +- [Importality](https://github.com/nklbdev/godot-4-importality) - raster graphics and animations importers: Aseprite, Krita, Pencil2D, Piskel, Pixelorama and others (Godot 4.x). +- [InGrid](https://github.com/Larpon/ingrid) - Infinite scrolling grid (Godot 3.x). +- [Input Helper](https://github.com/nathanhoad/godot_input_helper) - A helper for detecting input devices and remapping controls (Godot 3.x, 4.x). +- [obs-websocket-gd](https://github.com/you-win/obs-websocket-gd) - Script and editor plugin to control Open Broadcaster Software from Godot via obs-websocket (Godot 3.x). +- [Ridiculous Coding](https://github.com/jotson/ridiculous_coding) - Makes your coding experience in Godot 1000× more ridiculous (Godot 3.x). +- [Scene Manager](https://github.com/glass-brick/Scene-Manager) - Make nice and customizable scene transitions in one line of code (Godot 3.x, 4.0.alpha). +- [Scrolling Background](https://github.com/dploeger/godot-scrollingbackground) - A scrolling background node (Godot 2.1,3.x). +- [SimpleGodotCRTShader](https://github.com/henriquelalves/SimpleGodotCRTShader) - A simple Godot shader that simulates CRT Displays (Godot 2.x, 3.x). +- [SMRT-Godot](https://github.com/brunosxs/SMRT-Godot) - A dialog system and editor fairly customizable, a nice fit for story-driven games (Godot 3.x). +- [StoryTeller Engine](https://github.com/HeavenMercy/StoryTeller-Engine) - Dialog and interactive fiction engine (Godot 3.x). +- [Tiled importer](https://github.com/vnen/godot-tiled-importer) - Import maps from [Tiled](https://www.mapeditor.org/) (Godot 3.x). +- [TileSet Builder](https://github.com/HeavenMercy/TileSet-Builder-Godot-Plugin) - Quickly build tilesets with style (Godot 3.x). #### Godot 3.2+ -- [AntialiasedLine2D](https://github.com/godot-extended-libraries/godot-antialiased-line2d) - 与默认的 Godot 实现(GLES3 + GLES2,所有平台)相比,具有更高质量的抗锯齿 Line2D 和 Polygon2D 绘图. -- [Cartographer](https://github.com/awkwardpolygons/cartographer) - 基于高度图的 3D 地形编辑器. -- [CSG Mesh Exporter (.OBJ)](https://github.com/mohammedzero43/CSGExport-Godot) - 将 CSG 节点导出到 OBJ 网格以提高编辑性能. -- [Code Snapshot](https://github.com/fenix-hub/godot-engine.code-snapshot) - 一个插件,可让您在编辑器中对代码进行美化屏幕截图. -- [Debanding Material Shader](https://github.com/fractilegames/godot-gles2-debanding-material) - 简单的材质着色器,添加了去带噪声,可与 GLES2 渲染器一起使用,因为它不支持全屏去带. -- [Delaunator GDScript](https://github.com/hiulit/Delaunator-GDScript) - 用于 2D 点的 Delaunay 三角剖分的 GDScript 库. -- [Dialogic](https://github.com/coppolaemilio/dialogic) - 创建对话、角色和场景来显示对话. -- [Dijkstra map for Godot](https://github.com/MatejSloboda/Dijkstra_map_for_Godot) - Godot 游戏引擎的 GDNative 项目,引入了 Dijktra 地图寻路节点. -- [Discord.gd](https://github.com/3ddelano/discord.gd) - Discord 机器人 API 包装器. 使用 100% GDScript 制作机器人. -- [Funexpected Flash Tools](https://github.com/funexpected/flash-tools) - Adob​​e Animate (Flash) 插件,允许您导出 Godot 引擎的项目. -- [GDGIFExporter](https://github.com/jegor377/godot-gdgifexporter) - GIF 导出器完全用 GDScript 制作. -- [GitHub integration](https://github.com/fenix-hub/godot-engine.github-integration) - 无需打开浏览器即可与 GitHub 交互. -- [GDGotm](https://github.com/PlayGotm/GDGotm/tree/master/gotm) - GDScript API 用于 [gotm.io](https://gotm.io/). -- [godotccd](https://github.com/TheSHEEEP/godotccd) - 使用 libccd 在 Godot 中进行快速 3D 碰撞检查. -- [godotdetour](https://github.com/TheSHEEEP/godotdetour) - detour/detourcrowd 库的 GDNative 实现. -- [GodotDiscordSDK](https://github.com/LennyPhoenix/GodotDiscordSDK) - Discord Game SDK 的 GDNative 包装器,在 GDScript 中添加对其功能的支持,而无需重新编译引擎(而不是像 godotcord 这样的自定义引擎模块). -- [Godot GamePad](https://github.com/ACB-prgm/Godot_GamePad) - 允许玩家使用他们的移动设备作为控制器. -- [Godot Gif Getter](https://github.com/you-win/godot-gif-getter) - 用于记录和保存 GIF 的游戏内实用程序(用 GDNative Rust 编写). -- [godot-ink](https://github.com/paulloz/godot-ink) - A C# (Mono) plugin to integrate stories writen in [ink](https://github.com/inkle/ink),一种用于编写交互式叙事的脚本语言. -- [Godot NExt](https://github.com/godot-extended-libraries/godot-next) - 一组基本节点扩展. -- [Godot Mixing Desk](https://github.com/kyzfrintin/Godot-Mixing-Desk) - 使用几个节点和几行代码制作程序声音和自适​​应/程序音乐. +- [AntialiasedLine2D](https://github.com/godot-extended-libraries/godot-antialiased-line2d) - Higher-quality antialiased Line2D and Polygon2D drawing compared to the default Godot implementation (GLES3 + GLES2, all platforms). +- [Cartographer](https://github.com/awkwardpolygons/cartographer) - Heightmap-based 3D terrain editor. +- [CSG Mesh Exporter (.OBJ)](https://github.com/mohammedzero43/CSGExport-Godot) - Export CSG nodes to OBJ meshes to improve editing performance. +- [Code Snapshot](https://github.com/fenix-hub/godot-engine.code-snapshot) - A plugin which lets you take beautified screenshots of your code within the editor. +- [Debanding Material Shader](https://github.com/fractilegames/godot-gles2-debanding-material) - Simple material shader with added debanding noise, for use with the GLES2 renderer as it doesn't support full-screen debanding. +- [Delaunator GDScript](https://github.com/hiulit/Delaunator-GDScript) - A GDScript library for Delaunay triangulation of 2D points. +- [Dialogic](https://github.com/coppolaemilio/dialogic) - Create dialogs, characters and scenes to display conversations. +- [Dijkstra map for Godot](https://github.com/MatejSloboda/Dijkstra_map_for_Godot) - A GDNative project for Godot game engine, that introduces Dijktra Map pathfinding node. +- [Discord.gd](https://github.com/3ddelano/discord.gd) - Discord bot API wrapper. Make bots in 100% GDScript. +- [Funexpected Flash Tools](https://github.com/funexpected/flash-tools) - Adobe Animate (Flash) plugin that allows you to export a project for a Godot Engine. +- [GDGIFExporter](https://github.com/jegor377/godot-gdgifexporter) - GIF exporter made entirely in GDScript. +- [GitHub integration](https://github.com/fenix-hub/godot-engine.github-integration) - Interact with GitHub without opening your browser. +- [GDGotm](https://github.com/PlayGotm/GDGotm/tree/master/gotm) - GDScript API for [gotm.io](https://gotm.io/). +- [godotccd](https://github.com/TheSHEEEP/godotccd) - Fast 3D collision checks in Godot using libccd. +- [godotdetour](https://github.com/TheSHEEEP/godotdetour) - A GDNative implementation of the detour/detourcrowd library. +- [GodotDiscordSDK](https://github.com/LennyPhoenix/GodotDiscordSDK) - A GDNative wrapper for the Discord Game SDK, adding support for its functionality in GDScript without recompiling the engine (as opposed to something like godotcord which is a custom engine module). +- [Godot GamePad](https://github.com/ACB-prgm/Godot_GamePad) - Allows players to use their mobile devices as controllers. +- [Godot Gif Getter](https://github.com/you-win/godot-gif-getter) - An in-game utility for recording and saving GIFs (written in GDNative Rust). +- [godot-ink](https://github.com/paulloz/godot-ink) - A C# (Mono) plugin to integrate stories writen in [ink](https://github.com/inkle/ink), a scripting language for writing interactive narrative. +- [Godot NExt](https://github.com/godot-extended-libraries/godot-next) - A set of basic node extensions. +- [Godot Mixing Desk](https://github.com/kyzfrintin/Godot-Mixing-Desk) - Make procedural sound and adaptive/procedural music with a few nodes and a couple lines of code. - [GodotOnReady](https://github.com/31/GodotOnReady) - A C# (Mono) alternative to the GDScript-only `onready` keyword, without reflection. - [GodotRx](https://github.com/semickolon/GodotRx) - Reactive extensions for Godot C# (Mono). -- [godot-ply](https://github.com/jarneson/godot-ply) - 用于灰盒或 3D 关卡原型设计的编辑器内盒建模. -- [Godot Polygon 2D Fracture](https://github.com/SoloByte/godot-polygon2d-fracture) - 用于断裂和切割多边形的两个简单脚本. -- [Godot-Trail-System](https://github.com/OBKF/Godot-Trail-System) - 先进的 2D/3D 轨迹系统. -- [Godot VirtualJoystick](https://github.com/mcunha-br/Godot_VirtualJoystick) - 适用于移动设备的简单虚拟操纵杆. -- [Kehom's Godot Addon Pack](https://github.com/Kehom/GodotAddonPack) - 用于调试、网络、UI 等的插件集合. -- [Level of Detail (LOD)](https://github.com/Calinou/godot-lod) - 网格、灯光和粒子的细节级别附加组件. 可以提高大场景下的性能. -- [Line Collider 2D](https://github.com/Kylogias/godot-line-collider-2d) - 添加遵循 Line2D 数组的碰撞器的脚本(对原型有用). +- [godot-ply](https://github.com/jarneson/godot-ply) - In-editor box modelling for gray boxing or prototyping 3D levels. +- [Godot Polygon 2D Fracture](https://github.com/SoloByte/godot-polygon2d-fracture) - Two simple scripts for fracturing and cutting polygons. +- [Godot-Trail-System](https://github.com/OBKF/Godot-Trail-System) - Advanced 2D/3D trail system. +- [Godot VirtualJoystick](https://github.com/mcunha-br/Godot_VirtualJoystick) - A simple vitual joystick for mobile devices. +- [Kehom's Godot Addon Pack](https://github.com/Kehom/GodotAddonPack) - A collection of addons for debugging, networking, UI, and more. +- [Level of Detail (LOD)](https://github.com/Calinou/godot-lod) - Level of detail add-on for meshes, lights and particles. Can improve performance in large scenes. +- [Line Collider 2D](https://github.com/Kylogias/godot-line-collider-2d) - A script which adds colliders that follow an array of Line2Ds (useful for prototypes). - [MDFramework](https://github.com/DoubleDeez/MDFramework) - A C# multiplayer framework with additional tools (Mono). - [NI mate Motion Capture](https://github.com/hoontee/godot-ni-mate-motion-capture) - Animate Skeletons with a Microsoft Kinect sensor. -- [NativeLib](https://github.com/DrMoriarty/nativelib) - 插件管理系统旨在轻松操作 iOS/Android 的本机库. 它还关心插件依赖关系并提供无忧的本机库更新. 归因和分析:Adjust、Amplitude、AppsFlyer、Flurry、GameAnalytics、Tenjin. 广告网络和中介:AdColony、AppLovin、TapDaq. GDPR 和隐私:应用程序跟踪透明度,Ogury. 社交:脸书. 通用后端解决方案:Firebase. -- [Qodot](https://github.com/Shfty/qodot-plugin) - Quake `.map` 文件支持 Godot. 让您使用 [TrenchBroom](https://kristianduske.com/trenchbroom/) 用于关卡设计. -- [Scatter](https://github.com/HungryProton/scatter) - 用道具或其他场景随机填充一个区域. -- [Shell Fur](https://github.com/Arnklit/ShellFurGodot) - Godot 的 3D 毛皮节点. -- [SmartShape2D](https://github.com/SirRamEsq/SmartShape2D) - 2D 地形工具. -- [Tree generator](https://github.com/Zylann/godot_tree_generator_plugin) - 生成树的工具. -- [UI Design Tool](https://github.com/imjp94/UIDesignTool) - 编辑器中直观的 UI 设计工作流程. -- [Volumetrics](https://github.com/SIsilicon/Godot-Volumetrics-Plugin) - 基于体素的体积照明和雾插件. -- [Voxel-Core](https://github.com/ClarkThyLord/Voxel-Core) - GDScript 体素插件,用于在引擎和游戏中创建、导入和编辑体素内容. -- [VPainter](https://github.com/tomankirilov/VPainter) - 3D 顶点绘制插件. -- [Waterways](https://github.com/Arnklit/WaterGenGodot) - 基于贝塞尔曲线生成带有流量和泡沫贴图的河流网格的工具. -- [Wwise](https://github.com/alessandrofama/wwise-godot-integration) - Wwise 音频中间件集成. -- [XSM](https://gitlab.com/atnb/xsm) - 功能齐全的分层状态机,具有并行状态、简单动画、随机状态等. -- [Yume Visual Novel Editor](https://github.com/yumedev40/Yume-Visual-Novel-Editor) - 用于创建视觉小说游戏的集成编辑器. +- [NativeLib](https://github.com/DrMoriarty/nativelib) - Plugin management system designed to easily operate with native libraries for iOS/Android. It also takes care about plugin dependencies and provides hassle-free native libs updating. Attribution and analytics: Adjust, Amplitude, AppsFlyer, Flurry, GameAnalytics, Tenjin. Ads networks and mediation: AdColony, AppLovin, TapDaq. GDPR and privacy: App Tracking Transparency, Ogury. Social: Facebook. Universal backend solution: Firebase. +- [Qodot](https://github.com/Shfty/qodot-plugin) - Quake `.map` file support for Godot. Lets you use [TrenchBroom](https://kristianduske.com/trenchbroom/) for level design. +- [Scatter](https://github.com/HungryProton/scatter) - Randomly fill an area with props or other scenes. +- [Shell Fur](https://github.com/Arnklit/ShellFurGodot) - 3D fur node for Godot. +- [SmartShape2D](https://github.com/SirRamEsq/SmartShape2D) - A 2D terrain tool. +- [Tree generator](https://github.com/Zylann/godot_tree_generator_plugin) - Tool for generating trees. +- [UI Design Tool](https://github.com/imjp94/UIDesignTool) - Intuitive design workflow for UIs in the editor. +- [Volumetrics](https://github.com/SIsilicon/Godot-Volumetrics-Plugin) - Voxel-based volumetric lighting and fog plugin. +- [Voxel-Core](https://github.com/ClarkThyLord/Voxel-Core) - GDScript voxel plugin for creating, importing and editing voxel content in-engine and in-game. +- [VPainter](https://github.com/tomankirilov/VPainter) - 3D vertex painting plugin. +- [Waterways](https://github.com/Arnklit/WaterGenGodot) - Tool to generate river meshes with flow and foam maps based on Bézier curves. +- [Wwise](https://github.com/alessandrofama/wwise-godot-integration) - Wwise audio middleware integration. +- [XSM](https://gitlab.com/atnb/xsm) - A fully-featured hierarchical State Machine with parallel states, easy animation, random states and more. +- [Yume Visual Novel Editor](https://github.com/yumedev40/Yume-Visual-Novel-Editor) - An integrated editor for creating visual novel games. #### Godot 3.1 -- [FMOD GDNative](https://github.com/utopia-rise/fmod-gdnative) - 在 GDScript 中使用 FMOD 音频引擎的插件. +- [FMOD GDNative](https://github.com/utopia-rise/fmod-gdnative) - Plugin to use the FMOD audio engine in GDScript. #### Godot 3.0 -- [gdstats](https://github.com/droxpopuli/gdstats) - 用于常见统计分布的伪随机数生成器库. +- [gdstats](https://github.com/droxpopuli/gdstats) - A library of pseudorandom number generators for common statistical distributions. #### Godot 2.1 -- [Auto Tile Layer](https://github.com/leezh/autotile) - 允许使用 RPG Maker 的 Autotile 格式自动进行 2D 平铺. -- [Grass Plugin](https://github.com/marcosbitetti/grass_plugin_4_godot) - 一个处理大量草、树叶和其他植被的插件. -- [SUTjoystick](https://gitlab.com/shine-upon-thee/joystick) - 对 GNU/Linux 和 Windows 的简单游戏手柄支持. +- [Auto Tile Layer](https://github.com/leezh/autotile) - Allows automatic 2D tiling using RPG Maker's Autotile format. +- [Grass Plugin](https://github.com/marcosbitetti/grass_plugin_4_godot) - A plugin to handle huge amounts of grass, foliages and other vegetations. +- [SUTjoystick](https://gitlab.com/shine-upon-thee/joystick) - Easy gamepad support for GNU/Linux and Windows. #### Godot version unknown -- [Camera2D Screen Shake](https://godotengine.org/qa/438/camera2d-screen-shake-extension) - Camera2D 的屏幕抖动效果. -- [Easing Script](https://github.com/impmja/godot-easing) - Robert Penner 缓动方程的端口. -- [GDSerCommPlugin](https://github.com/NangiDev/GDSerCommPlugin) - 用于读取 Arduino 串行输入的插件(需要自定义引擎模块). -- [gdutils](https://github.com/GodotExplorer/gdutils) - 用 GDScript 编写的 Godot 实用程序. -- [Godot Game Tools](https://github.com/vini-guerrero/Godot_Game_Tools) - Blender 插件可轻松将资源导入 Godot. -- [Polygon Merge](https://github.com/ScyDev/Godot-Scripts) - 合并多边形. -- [Simplex 2D/3D](https://github.com/OvermindDL1/Godot-Helpers) - 单纯形确定性噪声函数. -- [Tileset Builder](https://gist.github.com/Calinou/27e979ab0a35500c3381) - 构建图块集. +- [Camera2D Screen Shake](https://godotengine.org/qa/438/camera2d-screen-shake-extension) - Screen shake effect for Camera2D. +- [Easing Script](https://github.com/impmja/godot-easing) - A port of the Robert Penner's equations for easing. +- [GDSerCommPlugin](https://github.com/NangiDev/GDSerCommPlugin) - A plugin to read Arduino serial input (needs custom engine modules). +- [gdutils](https://github.com/GodotExplorer/gdutils) - Utilities for Godot written in GDScript. +- [Godot Game Tools](https://github.com/vini-guerrero/Godot_Game_Tools) - Blender plugin to ease importing assets into Godot. +- [Polygon Merge](https://github.com/ScyDev/Godot-Scripts) - Merge polygons. +- [Simplex 2D/3D](https://github.com/OvermindDL1/Godot-Helpers) - Simplex deterministic noise functions. +- [Tileset Builder](https://gist.github.com/Calinou/27e979ab0a35500c3381) - Build tilesets. ## Modules -*集成到 Godot 核心 (C++) 中的东西.* +*Stuff integrated into Godot core (C++).* #### Various Godot versions -- [Entity Spell System](https://github.com/Relintai/entity_spell_system) - 用于复杂(可选多人)RPG 的实体和法术系统(Godot 3.2、4.0). -- [godot-anl](https://github.com/Xrayez/godot-anl) - 一个包装纸 [Accidental Noise Library](https://github.com/JTippetts/accidental-noise-library) 具有视觉噪声编辑支持. -- [godot-luaAPI](https://github.com/WeaselGames/godot_luaAPI) - 使用 Lua 创建沙盒 modding API 的模块(Godot 3.2+、4.0). -- [godot-python](https://github.com/touilleMan/godot-python) - 对 Godot 3 的 Python 支持. -- [godot-voxel](https://github.com/Zylann/godot_voxel) - 用于创建体积世界的模块(Godot 3.1+). -- [Gdnet for Godot 3](https://github.com/PerduGames/gdnet3) - Godot 3 的 ENet 包装器. -- [GodotHook](https://github.com/Mestima/GodotHook) - Godot 引擎(Godot 3.x、4.x)的精简版自定义事件系统. -- [GodotSteam](https://github.com/Gramps/GodotSteam) - Godot 的 Steam API 库绑定. 支持 Windows、macOS 和 Linux (Godot 3.x). -- [Texture Packer](https://github.com/Relintai/texture_packer) - 在运行时分层、打包和合并纹理的工具(Godot 3.2+、4.0). -- [Voxelman](https://github.com/Relintai/voxelman) - 体素引擎,更注重编辑器集成、游戏相关功能和可扩展性(Godot 3.2+、4.0). +- [Entity Spell System](https://github.com/Relintai/entity_spell_system) - An entity and spell system for complex (optionally multiplayer) RPGs (Godot 3.2, 4.0). +- [godot-anl](https://github.com/Xrayez/godot-anl) - A wrapper for [Accidental Noise Library](https://github.com/JTippetts/accidental-noise-library) with a visual noise editing support. +- [godot-luaAPI](https://github.com/WeaselGames/godot_luaAPI) - Module for creating sandboxed modding APIs with Lua (Godot 3.2+, 4.0). +- [godot-python](https://github.com/touilleMan/godot-python) - Python support for Godot 3. +- [godot-voxel](https://github.com/Zylann/godot_voxel) - Module for creating volumetric worlds (Godot 3.1+). +- [Gdnet for Godot 3](https://github.com/PerduGames/gdnet3) - An ENet wrapper for Godot 3. +- [GodotHook](https://github.com/Mestima/GodotHook) - A lite custom event system for Godot Engine (Godot 3.x, 4.x). +- [GodotSteam](https://github.com/Gramps/GodotSteam) - Steam API library binding for Godot. Supports Windows, macOS and Linux (Godot 3.x). +- [Texture Packer](https://github.com/Relintai/texture_packer) - Tools to layer, pack, and merge textures at runtime (Godot 3.2+, 4.0). +- [Voxelman](https://github.com/Relintai/voxelman) - A voxel engine with more focus on editor integration, gameplay-related features, and extendability (Godot 3.2+, 4.0). #### Godot 4.0 -- [FMOD GD4](https://github.com/summertimejordi/fmod_gd4) - FMOD Studio API 集成. -- [Godex](https://github.com/GodotECS/godex) - 实体组件系统库. +- [FMOD GD4](https://github.com/summertimejordi/fmod_gd4) - FMOD Studio API integration. +- [Godex](https://github.com/GodotECS/godex) - An entity component system library. #### Godot 3.2+ -- [Flash Module](https://github.com/funexpected/godot-flash-module) - 在 Godot 中使用 Adob​​e Animate (Flash) 项目. -- [GodotAIGym](https://github.com/lupoglaz/GodotAIGym) - 将您的 Godot 项目放入 OpenAI Gym 环境中,以使用 PyTorch 训练 RL 模型. -- [godotcord](https://github.com/drachenfrucht1/godotcord) - 一个包装纸 [Discord Game SDK](https://discord.com/developers/docs/game-sdk/sdk-starter-guide). -- [godot-apple-id](https://github.com/Wild-Pluto/godot-apple-id) - 在 Godot 中使用 Apple 登录的模块. -- [godot-simple-state](https://github.com/tavurth/godot-simple-state) - 使用节点的最小有限状态机,非常适合 Jam 游戏. -- [Godot-Slicer](https://github.com/cj-dimaggio/godot-slicer) - 一个港口 [Ezy-Slicer](https://github.com/DavidArayan/ezy-slice) 为了戈多. -- [Goost](https://github.com/goostengine/goost) - 通用、可扩展和可定制的扩展. -- [PortAudio](https://github.com/sebastian-heinz/portaudio) - 使用包装方法和戈多友好类型 [PortAudio](http://www.portaudio.com). -- [Speech to Text](https://github.com/menip/godot_speech_to_text) - 捕获用户的麦克风输入并将其转换为文本. -- [spout-gd](https://github.com/you-win/spout-gd) - 通过 GPU 使用以下命令在 Windows 应用程序之间共享 OpenGL 纹理 [Spout](https://github.com/leadedge/Spout2). +- [Flash Module](https://github.com/funexpected/godot-flash-module) - Use Adobe Animate (Flash) projects in Godot. +- [GodotAIGym](https://github.com/lupoglaz/GodotAIGym) - Make your Godot project into an OpenAI Gym environment to train RL models with PyTorch. +- [godotcord](https://github.com/drachenfrucht1/godotcord) - A wrapper for the [Discord Game SDK](https://discord.com/developers/docs/game-sdk/sdk-starter-guide). +- [godot-apple-id](https://github.com/Wild-Pluto/godot-apple-id) - Module for sign in with Apple in Godot. +- [godot-simple-state](https://github.com/tavurth/godot-simple-state) - A minimal finite state machine using nodes, perfect for Jam games. +- [Godot-Slicer](https://github.com/cj-dimaggio/godot-slicer) - A port of [Ezy-Slicer](https://github.com/DavidArayan/ezy-slice) for Godot. +- [Goost](https://github.com/goostengine/goost) - A general-purpose, extensible and customizable extension. +- [PortAudio](https://github.com/sebastian-heinz/portaudio) - Wrapper methods and Godot-friendly types to use [PortAudio](http://www.portaudio.com). +- [Speech to Text](https://github.com/menip/godot_speech_to_text) - Captures the user's microphone input and converts it to text. +- [spout-gd](https://github.com/you-win/spout-gd) - Share OpenGL textures across Windows applications through your GPU using [Spout](https://github.com/leadedge/Spout2). #### Godot 3.1 -- [FMOD Integration](https://github.com/alexfonseka/godot-fmod-integration) - 在 Godot 中集成 FMOD 音频引擎的模块. +- [FMOD Integration](https://github.com/alexfonseka/godot-fmod-integration) - Module to integrate the FMOD audio engine in Godot. #### Godot version unknown -- [godot-enet-better](https://github.com/Faless/godot-enet-better) - 更好的 ENet 模块,用于使用 Godot 进行高性能多人游戏. +- [godot-enet-better](https://github.com/Faless/godot-enet-better) - A better ENet module for high-performance multiplayer games with Godot. - [Head tracking using OpenCV](https://github.com/antarktikali/godot-opencv-gpu-perspective) - [Open Adaptive Music Library](https://github.com/oamldev/oamlGodotModule) -- [NativeDialogs](https://github.com/GodotExplorer/NativeDialogs) - 在 Godot 中使用本机对话框. -- [RawPacker](https://github.com/empyreanx/rawpacker) - RawArray 的简单二进制打包/解包. -- [spine](https://github.com/GodotExplorer/spine) - [Spine](http://esotericsoftware.com/) 动画支持模块. +- [NativeDialogs](https://github.com/GodotExplorer/NativeDialogs) - Using native dialogs in Godot. +- [RawPacker](https://github.com/empyreanx/rawpacker) - Simple binary packing/unpacking for RawArray. +- [spine](https://github.com/GodotExplorer/spine) - [Spine](http://esotericsoftware.com/) animation support module. - [WaterSplash 2D node](https://github.com/laverneth/water) ## GDScript/C# editor support *Add-ons for text editors that implement GDScript or C# support.* -- [Atom](https://atom.io/packages/lang-gdscript) - 语法突出显示. -- [Emacs](https://github.com/godotengine/emacs-gdscript-mode) - 语法突出显示、代码折叠、缩进和自动完成. -- [Geany](https://github.com/haimat/GDScript-Geany) - 语法突出显示. -- [Gedit](https://github.com/haimat/GDScript-gedit) - 语法突出显示. -- [IntelliJ IDEA](https://github.com/exigow/intellij-gdscript) - 语法突出显示和自动完成. -- [JetBrains Rider (C#)](https://github.com/JetBrains/godot-support) - 语法突出显示、自动完成和运行配置. -- [Kakoune](https://github.com/Skytrias/gdscript-kak) - 语法突出显示. -- [GNU Nano](https://github.com/GodotID/nano-gdscript) - 语法突出显示. -- [Sublime Text](https://github.com/beefsack/GDScript-sublime) - 语法突出显示. -- [Vim](https://github.com/habamax/vim-godot) - 使用 Godot 编辑器提供的 LSP 服务器进行语法突出显示、自动完成和 linting. 还支持 Godot 着色器语言. -- Visual Studio 代码 - - [godot-tools Visual Studio Code Extension](https://marketplace.visualstudio.com/items?itemName=geequlim.godot-tools) - 在 Visual Studio Code 中使用 Godot 引擎编写游戏的完整工具集. 包括 GDScript 语言客户端. +- [Atom](https://atom.io/packages/lang-gdscript) - Syntax highlighting. +- [Emacs](https://github.com/godotengine/emacs-gdscript-mode) - Syntax highlighting, code folding, indentation and autocompletion. +- [Geany](https://github.com/haimat/GDScript-Geany) - Syntax highlighting. +- [Gedit](https://github.com/haimat/GDScript-gedit) - Syntax highlighting. +- [IntelliJ IDEA](https://github.com/exigow/intellij-gdscript) - Syntax highlighting and autocompletion. +- [JetBrains Rider (C#)](https://github.com/JetBrains/godot-support) - Syntax highlighting, autocompletion and run configurations. +- [Kakoune](https://github.com/Skytrias/gdscript-kak) - Syntax highlighting. +- [GNU Nano](https://github.com/GodotID/nano-gdscript) - Syntax highlighting. +- [Sublime Text](https://github.com/beefsack/GDScript-sublime) - Syntax highlighting. +- [Vim](https://github.com/habamax/vim-godot) - Syntax highlighting, autocompletion and linting using the LSP server provided by the Godot editor. Also supports the Godot shader language. +- Visual Studio Code + - [godot-tools Visual Studio Code Extension](https://marketplace.visualstudio.com/items?itemName=geequlim.godot-tools) - A complete set of tools to code games with Godot Engine in Visual Studio Code. Includes a GDScript language client. - [C# Tools for Godot Visual Studio Code Extension](https://marketplace.visualstudio.com/items?itemName=neikeq.godot-csharp-vscode) - Debugger and utilities for working with Godot C# projects in VSCode. - - [GUT Visual Studio Code Extension](https://github.com/bitwes/gut-extension) - 直接从 Visual Studio 代码编辑器运行 GUT 框架单元/集成测试. - - [gdformat Visual Studio Code Extension](https://marketplace.visualstudio.com/items?itemName=Razoric.gdscript-toolkit-formatter) - Visual Studio Code (Godot 3.x) 中 GDScript 的格式化程序. + - [GUT Visual Studio Code Extension](https://github.com/bitwes/gut-extension) - Run GUT framework unit/integration tests directly from the Visual Studio Code Editors. + - [gdformat Visual Studio Code Extension](https://marketplace.visualstudio.com/items?itemName=Razoric.gdscript-toolkit-formatter) - Formatter for GDScript in Visual Studio Code (Godot 3.x). ## Godot script editor syntax themes -*内置脚本编辑器的替代主题.* +*Alternative themes for the built-in script editor.* -- [base16-godot](https://github.com/Calinou/base16-godot) - 全部 [base16](https://github.com/chriskempson/base16) 主题. -- [Godot syntax themes](https://github.com/godotengine/godot-syntax-themes) - 13 个语法主题,包括 Ayu Mirage、Darcula、Gruvbox Dark、Monokai、One Dark、Solarized 等. -- [Syntax themes by Geequlim](https://github.com/Geequlim/godot-themes/tree/master/syntax) - Chester、Google Code Light 和 Monokai. +- [base16-godot](https://github.com/Calinou/base16-godot) - All [base16](https://github.com/chriskempson/base16) themes. +- [Godot syntax themes](https://github.com/godotengine/godot-syntax-themes) - 13 syntax themes including Ayu Mirage, Darcula, Gruvbox Dark, Monokai, One Dark, Solarized, and more. +- [Syntax themes by Geequlim](https://github.com/Geequlim/godot-themes/tree/master/syntax) - Chester, Google Code Light and Monokai. ## Unofficial Godot builds -*这些版本将允许您使用最新版本的 Godot Git,但它们可能不如官方版本稳定 – 使用风险自负.* +*Those builds will let you use recent versions of Godot Git, but they may be less stable than official ones – use at your own risk.* -- [Calinou's builds](https://hugo.pro/projects/godot-builds/) - 主要是master分支,其他分支也可以找到 [here](https://archive.hugo.pro/builds/godot/). -- [iFire's builds](https://ifiregames.itch.io/stern-flowers-chibifire-com-godot-engine) - 通过 Itch.io 分发(自动更新 [app](https://itch.io/app)),仅限主分支. -- [Raspberry Pi 4 builds](https://github.com/hiulit/Unofficial-Godot-Engine-Raspberry-Pi) - ARM 为 Raspberry Pi 4 构建 Godot 引擎. -- [bend-n's 2D builds](https://github.com/bend-n/godot-builds) - 戈多建造 [optimized for size](https://docs.godotengine.org/en/stable/development/compiling/optimizing_for_size.html) 和 [these modules disabled](https://github.com/bend-n/godot-builds/blob/main/.github/2d-build-modules.py) . 还包括其他非破坏性补丁. +- [Calinou's builds](https://hugo.pro/projects/godot-builds/) - Mainly master branch, other branches can be found [here](https://archive.hugo.pro/builds/godot/). +- [iFire's builds](https://ifiregames.itch.io/stern-flowers-chibifire-com-godot-engine) - Distributed via Itch.io (automatic updates with [app](https://itch.io/app)), master branch only. +- [Raspberry Pi 4 builds](https://github.com/hiulit/Unofficial-Godot-Engine-Raspberry-Pi) - ARM builds of Godot Engine for the Raspberry Pi 4. +- [bend-n's 2D builds](https://github.com/bend-n/godot-builds) - Godot builds [optimized for size](https://docs.godotengine.org/en/stable/development/compiling/optimizing_for_size.html) with [these modules disabled](https://github.com/bend-n/godot-builds/blob/main/.github/2d-build-modules.py). Also includes misc non breaking patches. ## Bash scripts -*Bash 脚本可以放在 `~/.local/bin` 中.* +*Bash scripts can be placed in `~/.local/bin`.* -- [build-godot](https://github.com/aaronfranke/Linux-tools/blob/master/all-distros/build-godot) - (和 [build-godot-mono](https://github.com/aaronfranke/Linux-tools/blob/master/all-distros/build-godot-mono)) 编译并运行 Godot 的脚本,如果需要则尝试安装依赖项. -- [godot.sh](https://github.com/adolson/godot-stuff/blob/master/godot.sh) - 自动下载并启动最新版本的 Godot 的脚本,或编译并启动 Git `master` 分支. -- [godot-wrapper](https://github.com/nsrosenqvist/godot-wrapper) - 帮助 Debian 和 Ubuntu 用户安装和使用 Godot 的脚本. -- [replicate-file.sh](https://github.com/adolson/godot-stuff/blob/master/replicate-file.sh) - 使用一个主文件更新文件副本的脚本. +- [build-godot](https://github.com/aaronfranke/Linux-tools/blob/master/all-distros/build-godot) - (and [build-godot-mono](https://github.com/aaronfranke/Linux-tools/blob/master/all-distros/build-godot-mono)) Scripts that compile and run Godot, attempting to install dependencies if needed. +- [godot.sh](https://github.com/adolson/godot-stuff/blob/master/godot.sh) - Script that automatically downloads and launches latest version of Godot, or compiles and launches the Git `master` branch. +- [godot-wrapper](https://github.com/nsrosenqvist/godot-wrapper) - Script that helps Debian and Ubuntu users install and use Godot. +- [replicate-file.sh](https://github.com/adolson/godot-stuff/blob/master/replicate-file.sh) - Script to update copies of a file with one master file. ## Websites -- [Godot Asset Library](https://godotengine.org/asset-library/asset) - 官方戈多资产库. 包括用户创建的游戏、项目、模板、演示、教程、插件和脚本. -- [Godot Shaders](https://godotshaders.com/) - 用于 Godot 游戏引擎的社区驱动的着色器库. -- [Godotes](https://godotes.com/) - 每周关于Godot引擎及其生态系统的微观数据分析报告. -- [Gotm.io](https://gotm.io/about) - 一个托管用 Godot 制作的 HTML5 游戏的网站. -- [The Godot Report](https://www.thegodotreport.com/) - 包含新闻、教程、游戏和演示版本等的时事通讯. +- [Godot Asset Library](https://godotengine.org/asset-library/asset) - Official Godot Asset Library. Includes user-created games, projects, templates, demos, tutorials, plugins, and scripts. +- [Godot Shaders](https://godotshaders.com/) - A community-driven shader library for the Godot game engine. +- [Godotes](https://godotes.com/) - Weekly micro data analysis reports about the Godot engine and its ecosystem. +- [Gotm.io](https://gotm.io/about) - A website for hosting HTML5 games that were made in Godot. +- [The Godot Report](https://www.thegodotreport.com/) - A newsletter with news, tutorials, game and demo releases and more. ## Other -*其他的东西.* +*Other stuff.* - [codetranslator](https://github.com/HaSa1002/codetranslator) - Translates GDScript to C# (WIP). - [gd2cs.py](https://github.com/kiriri/gd2cs.py) - Python script that converts GDScript code to C# (WIP). -- [gdscript-pp](https://github.com/nonunknown/gdscript-pp) - 将 GDScript 转换为 GDNative C++(WIP). -- [`gd-com` npm package](https://www.npmjs.com/package/@gd-com/utils) - 使用 Node.js 与 Godot 客户端进行通信. -- [godot-actions](https://github.com/bend-n/godot-actions) - 通过 Github Actions 导出、设置 Godot 项目并将其推送到 itch.io 的复合操作. -- [godot-ci](https://github.com/aBARICHELLO/godot-ci) - 通过 CI 导出 Godot 游戏的 Docker 镜像. 包括 GitLab CI 脚本示例. -- [godot-gdscript-toolkit](https://github.com/Scony/godot-gdscript-toolkit) - 用于使用 GDScript 的独立命令行工具集 - 解析器、linter 和格式化程序 (Godot 3.x). -- [RetroPie Godot Game Engine "Emulator"](https://github.com/hiulit/RetroPie-Godot-Game-Engine-Emulator) - 用于为 RetroPie 安装 Godot“模拟器”的脚本模块. -- [strip-to-frames.pl](https://github.com/adolson/godot-stuff/blob/master/strip-to-frames.pl) - Perl 脚本将网格 spritesheet 图像分割成编号的单独帧文件. -- [Godot Package Manager](https://github.com/you-win/godot-package-manager) - 使用 npm 的 Godot 包管理器. -- [zfoo](https://github.com/zfoo-project/zfoo) - Godot 的 Java 游戏服务器框架,包括 GDScript 序列化和反序列化. +- [gdscript-pp](https://github.com/nonunknown/gdscript-pp) - Translates GDScript to GDNative C++ (WIP). +- [`gd-com` npm package](https://www.npmjs.com/package/@gd-com/utils) - Communicate with Godot clients using Node.js. +- [godot-actions](https://github.com/bend-n/godot-actions) - Composite actions for exporting, setting up, and pushing Godot projects to itch.io through Github Actions. +- [godot-ci](https://github.com/aBARICHELLO/godot-ci) - Docker image to export Godot games through CI. Includes GitLab CI script example. +- [godot-gdscript-toolkit](https://github.com/Scony/godot-gdscript-toolkit) - Independent set of command line tools for working with GDScript - parser, linter and formatter (Godot 3.x). +- [RetroPie Godot Game Engine "Emulator"](https://github.com/hiulit/RetroPie-Godot-Game-Engine-Emulator) - A scriptmodule to install a Godot "emulator" for RetroPie. +- [strip-to-frames.pl](https://github.com/adolson/godot-stuff/blob/master/strip-to-frames.pl) - Perl script to split a grid spritesheet image into numbered individual frame files. +- [Godot Package Manager](https://github.com/you-win/godot-package-manager) - Package manager for Godot using npm. +- [zfoo](https://github.com/zfoo-project/zfoo) - Java game server framework for Godot, including GDScript serialization and deserialization. diff --git a/docs/awesome/awesome-newsletters.md b/docs/awesome/awesome-newsletters.md index f71524a74e..7280e30780 100644 --- a/docs/awesome/awesome-newsletters.md +++ b/docs/awesome/awesome-newsletters.md @@ -1,457 +1,458 @@
-精选的时事通讯列表,很棒的时事通讯. [![Awesome](https://awesome.re/badge.svg)](https://github.com/sindresorhus/awesome#readme) +A curated list of newsletters, awesome newsletters. [![Awesome](https://awesome.re/badge.svg)](https://github.com/sindresorhus/awesome#readme) -受到 GitHub 上“awesome-*”趋势的启发. +Inspired by the `awesome-*` trend on GitHub. -目标是建立一个分类的、由社区驱动的知名资源集合. +The goal is to build a categorized community-driven collection of very well-known resources. -随时欢迎分享、建议和贡献! 请看一下 [contribution guidelines](https://github.com/zudochkin/awesome-newsletters/blob/master/CONTRIBUTING.md) 第一的. +Sharing, suggestions and contributions are always welcome! Please take a look at the [contribution guidelines](https://github.com/zudochkin/awesome-newsletters/blob/master/CONTRIBUTING.md) first. -谢谢大家 [contributors](https://github.com/zudochkin/awesome-newsletters/graphs/contributors). +Thanks to all [contributors](https://github.com/zudochkin/awesome-newsletters/graphs/contributors). ## Frontend - [Front-end Front](https://frontendfront.us9.list-manage.com/subscribe?u=b033c4814d034fca4f850fe82&id=ceaf5763d0). [Frontendfront](https://frontendfront.com/) -- [Dev Tips](https://umaar.com/dev-tips/) . 每周都会在您的收件箱中发送 gif 形式的开发人员提示. -- [Friday Front-end](https://zendev.com/friday-frontend.html) . 每周五 15 篇精彩的前端文章、教程和公告. CSS/SCSS、JavaScript 和其他精彩内容的部分. [Archive](https://zendev.com/category/friday-frontend.html). -- [Unreadit/Frontend](https://unread.it/n/frontend/) . 最佳前端开发新闻来自最佳 Reddit 子版块. -- [UI Dev Newsletter](https://mentor.silvestar.codes/reads) . 与用户界面开发相关的文章、教程、意见和工具的手工列表. -- [Frontend Snacks](https://frontendsnacks.dev/) . 获取每周零食 - 直观地教授复杂主题的代码片段、最新的前端八卦/新闻和免费的职业开发工具包,在您的收件箱中新鲜发送. +- [Dev Tips](https://umaar.com/dev-tips/). A developer tip, in the form of a gif, in your inbox each week. +- [Friday Front-end](https://zendev.com/friday-frontend.html). 15 great Front-end articles, tutorials, and announcements every Friday. Sections for CSS/SCSS, JavaScript, and other awesome stuff. [Archive](https://zendev.com/category/friday-frontend.html). +- [Unreadit/Frontend](https://unread.it/n/frontend/). Best frontend development news sourced from the best subreddits. +- [UI Dev Newsletter](https://mentor.silvestar.codes/reads). A hand-curated list of articles, tutorials, opinions, and tools related to User Interface development. +- [Frontend Snacks](https://frontendsnacks.dev/). Get weekly snacks - A code snippet to teach complex topics visually, latest frontend gossip/news and free career dev toolkit delivered fresh in your inbox. ### General Web Development -- [Labnotes](https://labnotes.org/) . 每周发送一封有关软件开发、技术和其他有趣内容的电子邮件. -- [Web Development Reading List](https://wdrl.info) . 本通讯分享网络开发的最新文章. -- [Pony Foo Weekly](https://ponyfoo.com/weekly) . 每周时事通讯讨论网络平台上有趣和热门的话题. [Archive](https://ponyfoo.com/weekly/history). -- [JAMstacked](https://jamstack.email/) . 有关不断发展的 JAMstack 生态系统的电子邮件更新. -- [FreeCodeCamp](https://www.freecodecamp.org) . 每周从 FreeCodeCamp 学习平台精选五篇文章、视频或整个课程. -- [Codrops](https://tympanus.net/codrops/) . 有关网络开发和设计中的定性新项目和库的每周新闻. -- [The Comet](https://wpuniverse.online/the-comet/) . 短的. 简洁的. 速度极快 有关 WordPress 和 Web 开发的每月免费时事通讯. +- [Labnotes](https://labnotes.org/). A weekly email about software development, tech, and anything else interesting. +- [Web Development Reading List](https://wdrl.info). This Newsletter shares the latest articles in web development. +- [Pony Foo Weekly](https://ponyfoo.com/weekly). A weekly newsletter discussing interesting and trending topics around the web platform. [Archive](https://ponyfoo.com/weekly/history). +- [JAMstacked](https://jamstack.email/). An email update on the evolving JAMstack ecosystem. +- [FreeCodeCamp](https://www.freecodecamp.org). Weekly selection of five articles, videos or entire courses from FreeCodeCamp learning platform. +- [Codrops](https://tympanus.net/codrops/). Weekly news about qualitative new projects and libraries in web development and design. +- [The Comet](https://wpuniverse.online/the-comet/). Short. Concise. Blazing fast 🌠 A monthly free newsletter about WordPress and web development. ### JavaScript -- [JavaScript Weekly](https://javascriptweekly.com/) . 每周一次的免费电子邮件综述 JavaScript 新闻和文章. [Archive](https://javascriptweekly.com/issues). -- [The Smashing Email Newsletter](https://www.smashingmagazine.com/the-smashing-newsletter/) . 每月两次通过电子邮件发送时事通讯,为设计师和开发人员提供有用的提示、技巧和资源. -- [A Drip of JavaScript](http://adripofjavascript.com/index.html) . 每隔一周向您的收件箱发送一份 JavaScript 快速技巧. -- [Web Tools Weekly](https://webtoolsweekly.com/) . Web Tools Weekly 是一份专注于工具的前端开发和网页设计时事通讯. -- [ES.next News](http://esnextnews.com/) . 每周有 5 个 ECMAScript.next 链接,由 Axel Raushmayer 博士和 Johannes Weber 策划. -- [Awesome JavaScript Newsletter](https://js.libhunt.com/newsletter) . 一系列很棒的浏览器端 JavaScript 库、资源和闪亮的东西. -- [TypeScript Weekly](https://www.typescript-weekly.com/) . 每周最好的 TypeScript 链接就在你的盒子里. -- [JSter](http://jster.net/blog) . 没有废话的策划 JavaScript 链接列表每两周一次到您的邮箱. [Subscribe](https://us7.list-manage.com/subscribe?u=ed40c0084a0c5ba31b3365d65&id=ec6f32bf5e). -- [Best of JavaScript](https://weekly.bestofjs.org/) . 与 Node.js 和 Web 平台相关的最受欢迎的开源项目的每周排名. -- [JavaScript Kicks](https://javascriptkicks.com/) . JavaScript 开发者社区每周发送的最受好评文章的精选列表. +- [JavaScript Weekly](https://javascriptweekly.com/). A free, once–weekly e-mail round-up of JavaScript news and articles. [Archive](https://javascriptweekly.com/issues). +- [The Smashing Email Newsletter](https://www.smashingmagazine.com/the-smashing-newsletter/). Email newsletter twice a month with useful tips, tricks and resources for designers and developers. +- [A Drip of JavaScript](http://adripofjavascript.com/index.html). One quick JavaScript tip, delivered to your inbox every other week. +- [Web Tools Weekly](https://webtoolsweekly.com/). Web Tools Weekly is a front-end development and web design newsletter with a focus on tools. +- [ES.next News](http://esnextnews.com/). 5 ECMAScript.next links every week curated by Dr. Axel Raushmayer and Johannes Weber. +- [Awesome JavaScript Newsletter](https://js.libhunt.com/newsletter). A collection of awesome browser-side JavaScript libraries, resources and shiny things. +- [TypeScript Weekly](https://www.typescript-weekly.com/). The best TypeScript links every week, right in your box. +- [JSter](http://jster.net/blog). No nonsense list of curated JavaScript links to your mailbox once every two weeks. [Subscribe](https://us7.list-manage.com/subscribe?u=ed40c0084a0c5ba31b3365d65&id=ec6f32bf5e). +- [Best of JavaScript](https://weekly.bestofjs.org/). Weekly rankings about the most popular open-source projects related to Node.js and the web platform. +- [JavaScript Kicks](https://javascriptkicks.com/). Curated list of the top-rated articles from the community of JavaScript developers sent weekly. - [Bytes](https://bytes.dev/). Become a smarter JavaScript developer. Staying informed on the JavaScript ecosystem has never been so entertaining. Delivered every Monday, for free. -- [Deno Weekly](https://denoweekly.com/) . 来自 Deno(最新的 JavaScript 运行时)领域的每周新闻、教程和项目综述. +- [Deno Weekly](https://denoweekly.com/). A weekly roundup of news, tutorials and projects from the land of Deno, the newest JavaScript runtime on the block. #### React -- [This Week In React](https://thisweekinreact.com) . 为经验丰富的 React 和 React-Native 开发人员提供的每周通讯. -- [React Newsletter](https://reactnewsletter.com/) . 最佳 React.js 新闻和文章的免费每周通讯. -- [React Native Newsletter](https://reactnativenewsletter.com/) . React Native 新闻、文章、问题和拉取请求、库和应用程序的免费偶尔摘要. -- [React Native Now](https://reactnativenow.com/) . 手工挑选最好的 React Native 新闻、教程、库、文章和视频. -- [React Digest](https://reactdigest.net/) . 为 React 开发者提供的每周通讯,其中包含前 5 个链接. [Archive](https://reactdigest.net/digests). -- [React Status](https://react.statuscode.com/) . 最新 React 和 React Native 链接和教程的每周综述. -- [Awesome React Newsletter](https://react.libhunt.com/newsletter) . 每周概述最流行的 React 新闻、文章和库. -- [Nextjs Weekly](https://nextjsweekly.com/) . 最佳 Next.js 文章、工具和项目的时事通讯. +- [This Week In React](https://thisweekinreact.com). Weekly newsletter for experienced React and React-Native developers. +- [React Newsletter](https://reactnewsletter.com/). The free, weekly newsletter of the best React.js news and articles. +- [React Native Newsletter](https://reactnativenewsletter.com/). Free occasional summary of React Native news, articles, issues & pull requests, libraries and apps. +- [React Native Now](https://reactnativenow.com/). Hand picking the best React Native news, tutorials, libraries, articles, and videos. +- [React Digest](https://reactdigest.net/). A weekly newsletter for React developers with top 5 links. [Archive](https://reactdigest.net/digests). +- [React Status](https://react.statuscode.com/). A weekly roundup of the latest React and React Native links and tutorials. +- [Awesome React Newsletter](https://react.libhunt.com/newsletter). A weekly overview of the most popular React news, articles and libraries. +- [Nextjs Weekly](https://nextjsweekly.com/). A newsletter of the best Next.js articles, tools and projects. #### EmberJS -- [The Ember Times](https://embertimes.substack.com/) . 来自 Ember.js 学习团队的更新. -- [Ember Weekly](https://www.emberweekly.com/) . 最新的 Ember.js 新闻、提示和代码直接发送到您的收件箱. +- [The Ember Times](https://embertimes.substack.com/). Updates from the Ember.js Learning Team. +- [Ember Weekly](https://www.emberweekly.com/). The latest Ember.js news, tips & code delivered directly to your inbox. #### VueJS -- [Vue.js Newsletter](https://news.vuejs.org) . 每周精选的 Vue.js 新闻. -- [VueDose](https://vuedose.tips) . 为忙碌的开发人员提供有关 Vue 生态系统的提示和技巧. 每周出版. +- [Vue.js Newsletter](https://news.vuejs.org). Weekly dose of handpicked Vue.js news. +- [VueDose](https://vuedose.tips). Tips & tricks about the Vue ecosystem, for busy devs. Published weekly. #### Svelte -- [Svelte News Weekly](https://svelte.news/weekly) . 为 Svelte 爱好者精心策划的时事通讯,每周提供精选新闻. +- [Svelte News Weekly](https://svelte.news/weekly). A curated newsletter for Svelte enthusiasts with a weekly dose of handpicked news. ### Data Visualization -- [Generative Collective](https://generative.substack.com/) . 每周六早上都有涵盖生成/功能艺术的新闻、教程、文章和灵感. +- [Generative Collective](https://generative.substack.com/). News, tutorials, articles and inspirations covering the generative / functional arts every Saturday morning. ### CSS -- [CSS Weekly](https://css-weekly.com/) . Zoran Jambor 策划的每周电子邮件综述,内容包括 CSS 文章、教程、实验和工具. -- [CSS-Tricks](https://css-tricks.com) . 注册位于页面底部**获取时事通讯**标题下方!. -- [CSS Layout News](http://csslayout.news/) . 每周收集有关 CSS 布局的教程、新闻和信息. -- [Tailwind Weekly](https://tailwindweekly.com/) . 有关 TailwindCSS 一切的每周时事通讯. +- [CSS Weekly](https://css-weekly.com/). Weekly e-mail roundup of css articles, tutorials, experiments and tools curated by Zoran Jambor. +- [CSS-Tricks](https://css-tricks.com). signup is at the bottom of the page right under the **Get the newsletter** header!. +- [CSS Layout News](http://csslayout.news/). A weekly collection of tutorials, news and information on all things CSS Layout. +- [Tailwind Weekly](https://tailwindweekly.com/). Weekly newsletter about all things TailwindCSS. ### Design -- [Web Design Weekly](https://web-design-weekly.com/) . 只是本周互联网上最好的新闻和文章的精彩链接. -- [Sidebar](https://sidebar.io) . 每天五个以设计为中心的帖子. -- [Web Designer News](https://www.webdesignernews.com) . 为设计师策划的故事. -- [Responsive Design Weekly](http://responsivedesignweekly.com) . 每周一次免费的响应式设计文章、工具、技巧、教程和鼓舞人心的链接的综述. -- [Alertbox E-Mail Newsletter](https://www.nngroup.com/articles/subscribe/) . Nielsen Norman Group 有关界面可用性、网站设计和用户体验研究的最新文章. -- [UI Movement](https://uimovement.com) . 只有最好的 UI 设计灵感就在您的收件箱中. -- [Designer News](https://www.designernews.co) . 设计社区聚会的地方. -- [Hack Design](https://hackdesign.org) . 这是一门简单易懂的设计课程,适合那些做出令人惊叹的事情的人. -- [Hacking UI](http://hackingui.com/) . 每周为前端开发人员和产品经理精心挑选的资源. -- [eWebDesign](https://ewebdesign.com/) . 来自行业专家的最新网络新闻和文章. -- [The UI Animation Newsletter](https://us2.list-manage.com/subscribe?u=6fbaddc8c1fce7588d1a35cb2&id=8f4de2c2e5) . UI 动画通讯让您了解最新的最佳网页动画、动作设计和用户体验资源. -- [Web Animation Weekly](http://webanimationweekly.com/) . 精选的文章、视频、书评和其他与网页动画和动作设计的精彩世界相关的好东西! -- [Design Systems News](http://news.design.systems/) . 有关设计系统、模式库和样式指南的最新新闻、文章、存储库、代码、框架、视频和播客. [Archive](http://news.design.systems/issues). -- [Designgest](http://designgest.com/) . Designgest 是获取有关交互式设计趋势的最新信息的简单方法. -- [Unreadit/Design](https://unread.it/n/design/) . 设计灵感和精彩的设计相关内容源自最好的 Reddit 子版块. -- [Figmalion](https://figmalion.com) . 每两周一次策划的时事通讯 [Figma](https://www.figma.com/). +- [Web Design Weekly](https://web-design-weekly.com/). Just pure awesome links to the best news and articles to hit the interweb during the week. +- [Sidebar](https://sidebar.io). Five design-centric posts each day. +- [Web Designer News](https://www.webdesignernews.com). Curated stories for designers. +- [Responsive Design Weekly](http://responsivedesignweekly.com). A free, once–weekly round-up of responsive design articles, tools, tips, tutorials and inspirational links. +- [Alertbox E-Mail Newsletter](https://www.nngroup.com/articles/subscribe/). The latest articles about interface usability, website design, and UX research from the Nielsen Norman Group. +- [UI Movement](https://uimovement.com). Only the best UI design inspiration, right in your inbox. +- [Designer News](https://www.designernews.co). Where the design community meets. +- [Hack Design](https://hackdesign.org). An easy to follow design course for people who do amazing things. +- [Hacking UI](http://hackingui.com/). Weekly hand-picked resources for front-end developers and product managers. +- [eWebDesign](https://ewebdesign.com/). Latest web news and articles from industry experts. +- [The UI Animation Newsletter](https://us2.list-manage.com/subscribe?u=6fbaddc8c1fce7588d1a35cb2&id=8f4de2c2e5). The UI Animation Newsletter keeps you up to date on the best web animation, motion design, and UX resources. +- [Web Animation Weekly](http://webanimationweekly.com/). A hand-picked selection of articles, videos, book reviews, and other goodies pertaining to the wonderful worlds of web animation and motion design! +- [Design Systems News](http://news.design.systems/). Latest news, articles, repos, code, frameworks, videos and podcasts on Design Systems, Pattern Libraries and Styleguide. [Archive](http://news.design.systems/issues). +- [Designgest](http://designgest.com/). Designgest is an easy way to get fresh information about interactive design trends. +- [Unreadit/Design](https://unread.it/n/design/). Design inspiration and great design-related content sourced from the best subreddits. +- [Figmalion](https://figmalion.com). A biweekly curated newsletter about [Figma](https://www.figma.com/). ### HTML5 -- [FrontEnd Focus](https://frontendfoc.us) . 每周一次的 HTML5 和 Web 平台技术综述. CSS 3、Canvas、WebSockets、WebGL、Native Client 等. -- [Gamedev.js Weekly](http://gamedevjsweekly.com/) . 有关 HTML5 游戏开发的每周通讯. -- [Phaser World](http://phaser.io/community/newsletter) . 每周通讯总结了上周添加到 Phaser 网站的所有新内容(游戏版本、教程、视频等). +- [FrontEnd Focus](https://frontendfoc.us). A once–weekly HTML5 and Web Platform technology roundup. CSS 3, Canvas, WebSockets, WebGL, Native Client, and more. +- [Gamedev.js Weekly](http://gamedevjsweekly.com/). Weekly newsletter about HTML5 Game Development. +- [Phaser World](http://phaser.io/community/newsletter). Weekly newsletter as a summary of all the new content -game releases, tutorials, videos, etc- added to Phaser site over the last week. ### SVG -- [SVG Weekly](https://tinyletter.com/svgweekly) . 每周发送一封电子邮件,重点关注可扩展矢量图形 (SVG),分享教程、工具、实验、演讲和数据. +- [SVG Weekly](https://tinyletter.com/svgweekly). A weekly email focused on Scalable Vector Graphics (SVG), sharing tutorials, tools, experiments, talks and data. ### GraphQL -- [GraphQL Weekly](https://www.graphqlweekly.com/) . 每周简讯,重点介绍 GraphQL 社区的资源和新闻. +- [GraphQL Weekly](https://www.graphqlweekly.com/). A weekly newsletter highlighting resources and news from the GraphQL community. ## Programming ### General Section -- [O’Reilly Programming Newsletter](https://www.oreilly.com/programming/newsletter.html) . 每周接收来自业内人士的编程新闻和见解. -- [Programming Digest](https://programmingdigest.net/) . 面向软件工程师的每周通讯,其中包含前 5 个链接. [Archive](https://programmingdigest.net/digests). -- [Weekly Dev Tips](https://ardalis.com/tips) . 每周三发送一封包含新软件开发技巧的电子邮件. 主题范围从 git 到职业、网络开发、个人发展和团队合作. -- [LLVM Weekly](http://llvmweekly.org) . 每周简讯,涵盖 LLVM、Clang 和相关项目的进展. -- [Discover dev](https://www.discoverdev.io) . 网络上最佳工程博客的每周摘要. [Archive](https://www.discoverdev.io/archive). -- [Programming Feedback for Advanced Beginners](https://advancedbeginners.substack.com/) . 每两周一次深入的代码审查相关文章. -- [Active forks](https://activeforks.net) . 为开源爱好者提供的每周通讯,其中包含存储库及其最近活跃的分叉列表. -- [BaseClass](https://www.baseclass.io/) . 每两周一次的时事通讯,在 5 分钟内解释了基础计算主题. -- [Docto Tech Life](https://doctolib.engineering/engineering-news-ruby-rails-react/) . 每周简讯,介绍最新的 Rails + Javascript + 软件工程内容. -- [A Byte of Coding](https://abyteofcoding.com) . 每日精选的时事通讯,对所有软件工程进行技术深入探讨. -- [Pointer](https://www.pointer.io/) . 了解当前和未来 CTO 正在阅读和思考的内容的窗口. 仅超高质量工程相关内容. -- [Embedsys Weekly](https://embedsysweekly.com/) . 每周精选嵌入式软件和硬件文章. -- [Big Tech Digest](https://bigtechdigest.substack.com/) . 手动策划的时事通讯,汇集了来自大型科​​技公司的最新技术文章以及面向软件工程师和 AI/ML 人员的初创工程博客. -- [Console](https://console.dev/) . 每周为开发人员提供最佳工具的免费电子邮件摘要. +- [O’Reilly Programming Newsletter](https://www.oreilly.com/programming/newsletter.html). Receive weekly Programming news and insights from industry insiders. +- [Programming Digest](https://programmingdigest.net/). A weekly newsletter for software engineers featuring top 5 links. [Archive](https://programmingdigest.net/digests). +- [Weekly Dev Tips](https://ardalis.com/tips). A weekly email each Wednesday with a new software development tip. Topics range from git to career to web development to personal development and teamwork. +- [LLVM Weekly](http://llvmweekly.org). A weekly newsletter covering developments in LLVM, Clang, and related projects. +- [Discover dev](https://www.discoverdev.io). Weekly digest of the best engineering blogs from across the web. [Archive](https://www.discoverdev.io/archive). +- [Programming Feedback for Advanced Beginners](https://advancedbeginners.substack.com/). Bi-weekly in-depth code-review related write-up. +- [Active forks](https://activeforks.net). A weekly newsletter for open source enthusiats with a list of repositories and their recently active forks. +- [BaseClass](https://www.baseclass.io/). A fortnightly newsletter explaining fundamental computing topics in under 5 minutes. +- [Docto Tech Life](https://doctolib.engineering/engineering-news-ruby-rails-react/). A weekly newsletter featuring the latest Rails + Javascript + software engineering content. +- [A Byte of Coding](https://abyteofcoding.com). A daily curated newsletter that features technical deep-dives on all things software engineering. +- [Pointer](https://www.pointer.io/). A window into what current and future CTOs are reading and thinking about. Super high quality engineering-related content only. +- [Embedsys Weekly](https://embedsysweekly.com/). A weekly selection of embedded software and hardware articles. +- [Big Tech Digest](https://bigtechdigest.substack.com/). A manually curated newsletter aggregating the latest tech articles from Big Tech and startup engineering blogs for Software Engineers and AI/ML folks. +- [Console](https://console.dev/). A free weekly email digest of the best tools for developers. +- [Integration Digest](https://wearecommunity.io/collections/DLY4smPzao). A monthly curated newsletter aggregating the latest news in API Management, iPaaS, ESB, integration frameworks, message brokers, etc. ### ObjectiveC -- [ObjC](https://www.objc.io/) . 免费每月一期涵盖高级 iOS 和 OS X 开发的最重要方面. -- [Awesome iOS Newsletter](https://ios.libhunt.com/newsletter) . 精选的精彩 iOS 库列表,包括 Objective-C 和 Swift 项目. +- [ObjC](https://www.objc.io/). Free monthly issues covering the most important aspects of advanced iOS and OS X development. +- [Awesome iOS Newsletter](https://ios.libhunt.com/newsletter). A curated list of awesome iOS libraries, including Objective-C and Swift Projects. ### C\# - [C# Digest](https://csharpdigest.net/). A weekly newsletter featuring only the top 5 links for C# and .NET developers. [Archive](https://csharpdigest.net/digests). -- [Awesome .Net Newsletter](https://dotnet.libhunt.com/newsletter) . 一系列很棒的 .Net 库、工具和框架. -- [ASP.NET Core News](https://aspnetcore.news/) . 关于 ASP.NET Core、Blazor、SignalR 等所有内容的每周新闻通讯. +- [Awesome .Net Newsletter](https://dotnet.libhunt.com/newsletter). A collection of awesome .Net libraries, tools & frameworks. +- [ASP.NET Core News](https://aspnetcore.news/). A weekly newsletter about everything ASP.NET Core, Blazor, SignalR, and similar. ### Node.js -- [Node Weekly](https://nodeweekly.com/) . 每周一次的免费电子邮件综述 Node.js 新闻和文章. -- [npm Weekly](https://www.npmjs.com/npm-weekly) . 我们正在研究、思考和谈论 NPM 的内容 -- [Awesome Node.js Newsletter](https://nodejs.libhunt.com/newsletter) . 每周概述最流行的 Node.js 新闻、文章和软件包. +- [Node Weekly](https://nodeweekly.com/). A free, once–weekly e-mail round-up of Node.js news and articles. +- [npm Weekly](https://www.npmjs.com/npm-weekly). What we’re working on, thinking about, and talking about NPM +- [Awesome Node.js Newsletter](https://nodejs.libhunt.com/newsletter). A weekly overview of the most popular Node.js news, articles and packages. ### Swift -- [Swift Newsletter](https://swiftweekly.com/) . 用于学习 Apple 新编程语言的代码示例、教程、截屏视频等. -- [iOS Dev Weekly](https://iosdevweekly.com/) . 每周最佳 iOS 开发链接. [Archive](https://iosdevweekly.com/issues). -- [Swift Weekly Brief](https://swiftweekly.github.io) . 关于 Swift.org 的社区驱动的每周新闻通讯. 由 Jesse Squires 策划,每周四免费出版. -- [Awesome Swift Newsletter](https://swift.libhunt.com/newsletter) . 很棒的 swift 库和资源的精选列表. -- [The Swift by Sundell](https://www.swiftbysundell.com/newsletter/) . Sundell 推出 Swift 每月通讯! -- [iOS Goodies](https://ios-goodies.com) . iOS 每周通讯. [Archive](https://ios-goodies.com/archive). -- [Swift Developments](https://andybargh.com/swiftdevelopments/) . 每周精选的时事通讯,包含精选的最新链接、视频、工具和教程,供有兴趣使用 Swift 设计和开发自己的 iOS、macOS、watchOS 和 tvOS 应用程序的人们使用. -- [iOS Dev Tools Newsletter](https://iosdev.tools/) . iOS 开发者的最佳工具,每周更新. -- [Indie Watch](https://indie.watch/) . 每周采访成功的 iOS 和 macOS 开发者,了解可用于创建可盈利的独立应用程序的策略和技巧. +- [Swift Newsletter](https://swiftweekly.com/). Code examples, tutorials, screencasts and much more to learn Apple’s new programming language. +- [iOS Dev Weekly](https://iosdevweekly.com/). The best iOS development links every week. [Archive](https://iosdevweekly.com/issues). +- [Swift Weekly Brief](https://swiftweekly.github.io). A community-driven weekly newsletter about Swift.org. Curated by Jesse Squires and published for free every Thursday. +- [Awesome Swift Newsletter](https://swift.libhunt.com/newsletter). A curated list of awesome swift libraries and resources. +- [The Swift by Sundell](https://www.swiftbysundell.com/newsletter/). Introducing the Swift by Sundell monthly newsletter! +- [iOS Goodies](https://ios-goodies.com). Weekly iOS newsletter. [Archive](https://ios-goodies.com/archive). +- [Swift Developments](https://andybargh.com/swiftdevelopments/). Weekly curated newsletter containing a hand picked selection of the latest links, videos, tools and tutorials for people interested in designing and developing their own iOS, macOS, watchOS and tvOS apps using Swift. +- [iOS Dev Tools Newsletter](https://iosdev.tools/). The best tools for iOS developers, updated weekly. +- [Indie Watch](https://indie.watch/). Weekly interviews with successful iOS & macOS developers about strategies and tips you can use to create profitable indie apps. ### Go -- [Go Newsletter](https://golangweekly.com/) . 关于 Go 编程语言的每周通讯. [Archive](https://golangweekly.com/issues). -- [Awesome Go Newsletter](https://go.libhunt.com/newsletter) . 每周概述最流行的 Go 新闻、文章和库. -- [Go Gazette](http://www.go-gazette.com/) . 每周为 Golang 老年人策划博客和工具. -- [GoNotícias](https://gonoticias.substack.com/) . 关于 Go 编程语言的葡萄牙语每周通讯. +- [Go Newsletter](https://golangweekly.com/). A weekly newsletter about the Go programming language. [Archive](https://golangweekly.com/issues). +- [Awesome Go Newsletter](https://go.libhunt.com/newsletter). A weekly overview of the most popular Go news, articles and libraries. +- [Go Gazette](http://www.go-gazette.com/). Weekly curated blogs and tools for Golang seniors. +- [GoNotícias](https://gonoticias.substack.com/). A weekly newsletter about the Go programming language in Portuguese. ### R -- [R Weekly](https://rweekly.org) . 有关 R 和数据科学的每周更新. R周刊是 [openly developed on GitHub](https://github.com/rweekly/rweekly.org). +- [R Weekly](https://rweekly.org). Weekly updates about R and Data Science. R Weekly is [openly developed on GitHub](https://github.com/rweekly/rweekly.org). ### Ruby -- [Ruby Weekly](https://rubyweekly.com/) . 每周一次的免费电子邮件综述,包含 Ruby 新闻和文章. -- [Ruby Articles](https://thoughtbot.com/blog/tags/ruby) . 红宝石帖子由 [Thoughtbot](https://thoughtbot.com) -- [Rails Weekly](https://world.hey.com/this.week.in.rails) . 每周来自 Rails 的有趣提交、拉取请求等内幕消息,每周五发送到您的收件箱. -- [Awesome Ruby Newsletter](https://ruby.libhunt.com/newsletter) . 很棒的 Ruby gems、工具、框架和软件的集合. -- [Women on Rails Newsletter](https://womenonrailsinternational.substack.com/) . 有关 Ruby on Rails 和 Web 的双月刊通讯. 有英语、法语、西班牙语和意大利语版本. -- [Short Ruby Newsletter](https://newsletter.shortruby.com) . 关于 Ruby 世界中发生的一切的视觉每周通讯. -- [⚡️ Hotwire dev newsletter](https://masilotti.com/hotwire/) . 关于 Hotwire 堆栈的每月通讯:Turbo (Native)、Stimulus 和 Strada 文章、代码和课程. -- [The RailsNotes Newsletter](https://railsnotes.xyz/newsletter) . 您希望拥有的 Ruby on Rails 指南 — 现在是每周通讯! +- [Ruby Weekly](https://rubyweekly.com/). A free, once–weekly e-mail round-up of Ruby news and articles. +- [Ruby Articles](https://thoughtbot.com/blog/tags/ruby). Ruby posts by [Thoughtbot](https://thoughtbot.com) +- [Rails Weekly](https://world.hey.com/this.week.in.rails). Weekly inside scoop of interesting commits, pull requests and more from Rails, delivered to your inbox every Friday. +- [Awesome Ruby Newsletter](https://ruby.libhunt.com/newsletter). A collection of awesome Ruby gems, tools, frameworks and software. +- [Women on Rails Newsletter](https://womenonrailsinternational.substack.com/). A bi-monthly newsletter about Ruby on Rails and the web. Available in English, French, Spanish and Italian. +- [Short Ruby Newsletter](https://newsletter.shortruby.com). A visual weekly newsletter about everything happening in Ruby world. +- [⚡️ Hotwire dev newsletter](https://masilotti.com/hotwire/). A monthly newsletter on the Hotwire stack: Turbo (Native), Stimulus, and Strada articles, code, and courses. +- [The RailsNotes Newsletter](https://railsnotes.xyz/newsletter). The Ruby on Rails guides you wished you had — now as a weekly newsletter! ### PHP -- [PHP Weekly](http://www.phpweekly.com/) . 每周一次的免费时事通讯,包含一些精彩的文章、新闻和博客文章. -- [Laravel News](https://laravel-news.com/) . 每周都会发布大量 Laravel 技巧、教程和软件包. -- [Awesome PHP Newsletter](https://php.libhunt.com/newsletter) . 很棒的 PHP 库和资源的精选列表. -- [Freek.dev](https://freek.dev/newsletter/) . 关于现代 PHP 和 Laravel 的双周通讯. -- [Laravel Daily](https://laraveldaily.com/weekly-laravel-newsletter/) 来自 Laravel 社区的每周提示和技巧. -- [La semana PHP](https://www.lasemanaphp.com/) . 每周收集有关 PHP 及其生态系统的西班牙语新闻、教程和信息:Laravel、Symfony、WordPress、Drupal...由 Jesús Amieiro 手动选择. -- [Bootsity Newsletter](https://bootsity.com/) . 两周一次的免费时事通讯,精选精彩文章、视频和新闻. -- [PHP Annotated Monthly](https://info.jetbrains.com/PHP-Annotated-Subscription.html) . 免费的每月新闻通讯,包含 PHP 社区的最新新闻以及网络上最有趣的 PHP 文章. [Archive](https://blog.jetbrains.com/phpstorm/category/php-annotated-monthly/) +- [PHP Weekly](http://www.phpweekly.com/). A free once-a-week newsletter, featuring some great articles, news and blog posts. +- [Laravel News](https://laravel-news.com/). Every week lots of tips, tutorials, and packages are released for Laravel. +- [Awesome PHP Newsletter](https://php.libhunt.com/newsletter). A curated list of awesome PHP libraries and resources. +- [Freek.dev](https://freek.dev/newsletter/). A bi weekly newsletter on modern PHP and Laravel. +- [Laravel Daily](https://laraveldaily.com/weekly-laravel-newsletter/) Weekly tips and tricks from Laravel community. +- [La semana PHP](https://www.lasemanaphp.com/). A weekly collection of news, tutorials and information in Spanish about PHP and its ecosystem: Laravel, Symfony, WordPress, Drupal, ... Manually selected by Jesús Amieiro. +- [Bootsity Newsletter](https://bootsity.com/). A free one-in-two-weeks newsletter curating great articles, videos and news. +- [PHP Annotated Monthly](https://info.jetbrains.com/PHP-Annotated-Subscription.html). A free monthly newsletter containing latest news from the PHP community and the most interesting PHP articles from around the web. [Archive](https://blog.jetbrains.com/phpstorm/category/php-annotated-monthly/) ### Python -- [Python Weekly](https://www.pythonweekly.com/) . 免费的每周时事通讯,包含与 Python 相关的精选新闻、文章、新版本、职位等. -- [Pycoders Weekly](https://pycoders.com/) . 周五为那些对 Python 开发和有关 Python 的各种主题感兴趣的人提供免费的每周电子邮件通讯. -- [Awesome Python Newsletter](https://python.libhunt.com/newsletter) . 每周概述最流行的 Python 新闻、文章和软件包. -- [Data Science Simplified](https://mathdatasimplified.com/) . 每日 Python 和数据科学片段. -- [Python Morsels Newsletter](https://www.pythonmorsels.com/newsletter/) . 每周一篇 Python 技巧,周三发送. +- [Python Weekly](https://www.pythonweekly.com/). A free weekly newsletter featuring curated news, articles, new releases, jobs etc related to Python. +- [Pycoders Weekly](https://pycoders.com/). A free weekly e-mail newsletter, on Fridays, for those interested in python development and various topics around python. +- [Awesome Python Newsletter](https://python.libhunt.com/newsletter). A weekly overview of the most popular Python news, articles and packages. +- [Data Science Simplified](https://mathdatasimplified.com/). A daily Python and data science snippet. +- [Python Morsels Newsletter](https://www.pythonmorsels.com/newsletter/). One Python tip every week, sent on Wednesdays. ### Groovy -- [Groovy Weekly Newsletter](http://www.groovy-lang.org/groovy-weekly.html) . 最新版本、有趣的文章、采访、演示文稿、相关推文或 Google+ 帖子、播客或截屏视频的链接、代码片段、书籍、即将举办的活动等. +- [Groovy Weekly Newsletter](http://www.groovy-lang.org/groovy-weekly.html). The latest releases, interesting articles, interviews, presentations, relevant tweets or Google+ posts, links to podcasts or screencasts, code snippets, books, upcoming events, and more. ### Perl -- [Perl Weekly](http://perlweekly.com/) . 每周一次的免费电子邮件综述,其中包含有关 Perl 的精选新闻和文章. +- [Perl Weekly](http://perlweekly.com/). A free, once a week e-mail round-up of hand-picked news and articles about Perl. ### Elixir -- [Elixir Radar](http://plataformatec.com.br/elixir-radar) . 每周发送一封电子邮件,其中包含博客文章、最新图书馆、讲座、活动和工作机会. -- [Awesome Elixir Newsletter](https://elixir.libhunt.com/newsletter) . 很棒的 Elixir 和 Erlang 软件包和资源的精选列表. [Archive](https://elixir.libhunt.com/newsletter/archive). +- [Elixir Radar](http://plataformatec.com.br/elixir-radar). A weekly email with blog posts, latest libraries, talks, events and job opportunities. +- [Awesome Elixir Newsletter](https://elixir.libhunt.com/newsletter). A curated list of awesome Elixir and Erlang packages and resources. [Archive](https://elixir.libhunt.com/newsletter/archive). ### Clojure -- [The REPL](https://www.therepl.net/) . 关于 Clojure 和 ClojureScript 的每周时事通讯. -- [Clojure Morsels](https://www.clojuremorsels.com/) . 美味的 Clojure(Script) 食物每隔一周就会新鲜发送到您的收件箱! +- [The REPL](https://www.therepl.net/). A weekly newsletter about Clojure and ClojureScript. +- [Clojure Morsels](https://www.clojuremorsels.com/). Delicious Clojure(Script) morsels delivered fresh to your inbox every other week! ### Haskell -- [Haskell Weekly](https://haskellweekly.news) . 关于 Haskell 编程语言的免费电子邮件通讯. +- [Haskell Weekly](https://haskellweekly.news). A free email newsletter about the Haskell programming language. ### Elm -- [Elm Weekly](http://www.elmweekly.nl/) . Elm 编程语言的精彩世界就在您的收件箱中. +- [Elm Weekly](http://www.elmweekly.nl/). The wonderful world of the Elm programming language, in your inbox. ### Rust -- [This Week in Rust](https://this-week-in-rust.org) . 及时了解 Rust 社区的最新活动、学习资源和最新动态. [Archive](https://this-week-in-rust.org/blog/archives/index.html). -- [Awesome Rust Newsletter](https://rust.libhunt.com/newsletter) . Rust 库和资源的精选列表. +- [This Week in Rust](https://this-week-in-rust.org). Stay up to date with events, learning resources, and recent developments in Rust community. [Archive](https://this-week-in-rust.org/blog/archives/index.html). +- [Awesome Rust Newsletter](https://rust.libhunt.com/newsletter). A curated list of Rust libraries and resources. ### C/C++ -- [Awesome C++ Newsletter](https://cpp.libhunt.com/newsletter) . 精彩的 C/C++ 框架、库、资源和闪亮事物的精选列表. +- [Awesome C++ Newsletter](https://cpp.libhunt.com/newsletter). A curated list of awesome C/C++ frameworks, libraries, resources, and shiny things. ### Scala -- [Awesome Scala Newsletter](https://scala.libhunt.com/newsletter) . 社区驱动的有用 Scala 库、框架和软件列表. +- [Awesome Scala Newsletter](https://scala.libhunt.com/newsletter). A community driven list of useful Scala libraries, frameworks and software. ### Java -- [Awesome Java Newsletter](https://java.libhunt.com/newsletter) . 精选的精彩 Java 框架、库和软件列表. -- [Baeldung Weekly Review](https://www.baeldung.com/java-web-weekly) . 通过这份每周指南了解 Java 世界的主要发展动态. -- [Java Newsletter Insights](https://curatedjava.com/java-weekly-newsletter/) . 一份 Java 时事通讯,考虑从数十个来源精选的 Java 内容. +- [Awesome Java Newsletter](https://java.libhunt.com/newsletter). A curated list of awesome Java frameworks, libraries and software. +- [Baeldung Weekly Review](https://www.baeldung.com/java-web-weekly). Keep up-to-date with the main developments in the Java world through this weekly guide. +- [Java Newsletter Insights](https://curatedjava.com/java-weekly-newsletter/). A Java newsletter contemplating Java content curated from dozens of sources. ### Kotlin -- [Awesome Kotlin Newsletter](https://kotlin.libhunt.com/newsletter) . 每周概述最流行的 Kotlin 新闻、文章和库. -- [Kotlin Weekly](http://www.kotlinweekly.net/) . 面向 Kotlin 开发者的每周通讯,包含来自 Kotlin 环境的文章、库、视频和播客. +- [Awesome Kotlin Newsletter](https://kotlin.libhunt.com/newsletter). A weekly overview of the most popular Kotlin news, articles and libraries. +- [Kotlin Weekly](http://www.kotlinweekly.net/). The weekly newsletter for Kotlin developers, with articles, libraries, videos and podcasts from the Kotlin environment. ### Lua -- [Lua Digest](https://luadigest.immortalin.com) . Lua 编程语言的定期通讯. +- [Lua Digest](https://luadigest.immortalin.com). A regular newsletter for the Lua Programming Language. ## Open Source -- [BSD Weekly](https://bsdweekly.com/) . 每周一次的免费 BSD 新闻和文章电子邮件综述. -- [NixOS Weekly](https://weekly.nixos.org) . 最新消息 [NixOS](https://nixos.org) -- [Console Weekly](https://console.substack.com/) . 每周发现很酷的开源项目并采访其中一位开发人员. -- [FOSS Weekly](https://fossweekly.beehiiv.com/) . 跟上开源软件步伐的最简单方法. +- [BSD Weekly](https://bsdweekly.com/). A free, once–weekly e-mail round-up of BSD news and articles. +- [NixOS Weekly](https://weekly.nixos.org). Latest News for [NixOS](https://nixos.org) +- [Console Weekly](https://console.substack.com/). Discover cool open-source projects and an interview with one of the developers every week. +- [FOSS Weekly](https://fossweekly.beehiiv.com/). The easiest way to keep up with Open Source Software. ## Git -- [Git Rev News](https://git.github.io/rev_news/rev_news/) . 以适合更广泛技术受众的格式聚合 Git 邮件列表的活动. +- [Git Rev News](https://git.github.io/rev_news/rev_news/). Aggregation of activities of the Git mailing list in a format for the wider tech audience. ## Editors ### Vim -- [Mastering Vim Quickly](https://masteringvim.com/) . 最好的 Vim 东西,每周一次. -- [VimTricks](https://vimtricks.com/) . 每周提示和技巧. +- [Mastering Vim Quickly](https://masteringvim.com/). Best Vim stuff, once a week. +- [VimTricks](https://vimtricks.com/). Weekly tips and tricks. ### VSCode -- [vscode.email](https://vscode.email/) . 有关 VS Code 和 IDE 的新闻和提示的时事通讯. +- [vscode.email](https://vscode.email/). A Newsletter for News and Tips on VS Code & IDEs. ## Databases -- [DB Weekly](https://dbweekly.com/) . 每周汇总数据库技术新闻和文章,涵盖新发展、SQL、NoSQL、文档数据库、图形数据库等. +- [DB Weekly](https://dbweekly.com/). A weekly round-up of database technology news and articles covering new developments, SQL, NoSQL, document databases, graph databases, and more. ### PostgreSQL -- [Postgres Weekly](https://postgresweekly.com/) . 每周一次的免费电子邮件综述 PostgreSQL 新闻和文章. +- [Postgres Weekly](https://postgresweekly.com/). A free, once–weekly e-mail round-up of PostgreSQL news and articles. ### Redis -- [Redis Watch](https://redislabs.com/resources/redis-watch-archive/) . 关于 Redis 一切的定期新闻通讯. +- [Redis Watch](https://redislabs.com/resources/redis-watch-archive/). Periodic newsletter about everything and anything Redis. ### NoSQL -- [mongoDB Weekly](https://mongodb.email/) . 每周一次的免费电子邮件摘要,包含 MongoDB 新闻和文章. +- [mongoDB Weekly](https://mongodb.email/). A free, once–weekly e-mail round-up of MongoDB news and articles. ## Backend Development ### Docker -- [Docker Weekly](https://www.docker.com/newsletter-subscription) . 每周时事通讯充满了来自 Docker、我们的用户和生态系统的重要更新. +- [Docker Weekly](https://www.docker.com/newsletter-subscription). Weekly newsletter filled with great updates from Docker, our users and ecosystem. ### Devops -- [DevOps Weekly](https://www.devopsweekly.com/) . 每周一次的 DevOps 新闻. -- [Sysadmin Casts](https://sysadmincasts.com/get-notified) . 系统管理员视频 - 简短的系统管理员截屏视频(每周发布). -- [Server Admin for Programmers](https://serversforhackers.com/) . 教授开发和生产所需的服务器技术. 消除服务器配置的麻烦. -- [Cron.Weekly](https://www.cronweekly.com) . 每周日通讯,每周日发送给您,其中包含为 Linux 系统管理员量身定制的新闻和工具. [Archige](https://www.cronweekly.com/archives/). +- [DevOps Weekly](https://www.devopsweekly.com/). A weekly slice of devops news. +- [Sysadmin Casts](https://sysadmincasts.com/get-notified). Sysadmin Casts - bite-sized sysadmin screencasts (released weekly). +- [Server Admin for Programmers](https://serversforhackers.com/). Teaching the server tech you need for development and production. Eliminating the frustration of server configuration. +- [Cron.Weekly](https://www.cronweekly.com). A weekly newsletter, delivered to you every Sunday, with news & tools tailored to Linux sysadmins. [Archige](https://www.cronweekly.com/archives/). - [Awesome SysAdmin Newsletter](https://sysadmin.libhunt.com/newsletter). A curated list of awesome SysAdmin tools, software and resources. -- [Monitoring Weekly](https://monitoring.love/) . 《监控周刊》将最新的监控新闻、文章和工具直接发送到您的收件箱. -- [SRE Weekly](http://sreweekly.com/) . SRE Weekly 是一份时事通讯,致力于与尽可能保持站点或服务持续可用相关的所有内容. -- [StatusCode Weekly](https://weekly.statuscode.com/) . 关于 Web 操作、基础设施、性能和工具(从浏览器到金属)的每周新闻通讯. -- [Upcoming Kubernetes Events Newsletter](https://kube.events/newsletter) . 关于 Kubernetes 策划的聚会、会议、培训和网络研讨会的每周通讯. -- [Learn Kubernetes weekly](https://learnk8s.io/learn-kubernetes-weekly) . 以 Kubernetes 为重点的精选文章、教程、项目和活动. -- [DevOps Bulletin](https://devopsbulletin.com) . 每周都会在您的收件箱中发送最新的 DevOps 趋势. 从 AWS、Terraform 和 Kubernetes 到 CI/CD 管道和云原生架构,我们都能满足您的需求! +- [Monitoring Weekly](https://monitoring.love/). Monitoring Weekly delivers the latest monitoring news, articles, and tools right to your inbox. +- [SRE Weekly](http://sreweekly.com/). SRE Weekly is a newsletter devoted to everything related to keeping a site or service available as consistently as possible. +- [StatusCode Weekly](https://weekly.statuscode.com/). A weekly newsletter on Web operations, infrastructure, performance, and tooling, from the browser down to the metal. +- [Upcoming Kubernetes Events Newsletter](https://kube.events/newsletter). A weekly newsletter on curated meetups, conferences, training and webinars on Kubernetes. +- [Learn Kubernetes weekly](https://learnk8s.io/learn-kubernetes-weekly). Curated articles, tutorials, projects and events with a focus on Kubernetes. +- [DevOps Bulletin](https://devopsbulletin.com). The latest DevOps trends in your inbox every week. From AWS, Terraform, and Kubernetes to CI/CD pipelines and cloud-native architecture, we've got you covered! ### Cloud Development -- [Your weekly Azure news fix](https://azureweekly.info/) . Azure Weekly 总结了本周 Microsoft Azure 生态系统的热门新闻,以及非常值得一读的有趣历史内容. -- [Serverless Status](https://serverless.email/) . 关于无服务器架构和范例、函数即服务、AWS Lambda 等的每周新闻通讯. -- [Google Cloud Weekly Newsletter](https://www.gcpweekly.com/) . 本期 Google Cloud 周刊汇总了本周与 Google Cloud 生态系统相关的热门新闻、教程、视频、播客,非常值得一读. -- [Last Week in AWS](https://www.lastweekinaws.com/) . 来自亚马逊云生态系统的每周新闻摘要. +- [Your weekly Azure news fix](https://azureweekly.info/). Azure Weekly is a summary of the week's top news in the Microsoft Azure ecosystem, as well as interesting historic content that's well worth reading. +- [Serverless Status](https://serverless.email/). A weekly newsletter about serverless architectures and paradigms, function-as-a-service, AWS Lambda, etc. +- [Google Cloud Weekly Newsletter](https://www.gcpweekly.com/). This Google Cloud Weekly is a summary of the week's top news, tutorials, videos, podcasts associated to the Google Cloud ecosystem, it's well worth reading. +- [Last Week in AWS](https://www.lastweekinaws.com/). A weekly roundup of news from Amazon's cloud ecosystem. ### Kubernetes -- [kubelist](https://kubelist.com) . 您策划的每周 Kubernetes 信息协调循环. -- [KubeWeekly](https://kube.news) . 以时事通讯的形式提供有关 Kubernetes 的有趣每周新闻. -- [LWKD](http://lwkd.info) . LWKD 是一份每周简讯,总结 Kubernetes 项目中的代码活动:合并、PR、弃用、版本更新、发布时间表和每周社区会议. -- [Upcoming Kubernetes Events Newsletter](https://kube.events/newsletter) . 关于 Kubernetes 策划的聚会、会议、培训和网络研讨会的每周通讯. +- [kubelist](https://kubelist.com). Your curated weekly kubernetes information reconciliation loop. +- [KubeWeekly](https://kube.news). Interesting weekly news about Kubernetes in the form of a newsletter. +- [LWKD](http://lwkd.info). LWKD is a weekly newsletter summarizing code activity in the Kubernetes project: merges, PRs, deprecations, version updates, release schedules, and the weekly community meeting. +- [Upcoming Kubernetes Events Newsletter](https://kube.events/newsletter). A weekly newsletter on curated meetups, conferences, training and webinars on Kubernetes. ## Mobile -- [Mobile Web Weekly](https://mobiledevweekly.com/) . 每周汇总影响面向移动 Web 的 Web 开发人员的版本、文章和链接. -- [Android Weekly](https://androidweekly.net/) . 免费新闻通讯可帮助您保持 Android 开发的领先地位. -- [Awesome Android Newsletter](https://android.libhunt.com/newsletter) . 精彩 Android 软件包和资源的精选列表. -- [Weekly Xamarin](http://weeklyxamarin.com) . Xamarin 开发. -- [Mobile Developers Cafe](https://mobiledeveloperscafe.com) . 面向移动开发者的每周通讯 - iOS、Android、Flutter 和 React Native. -- [Flutter Croissants](https://flutter-croissants.com/) . 每周一接收有关 Flutter 和移动世界的所有新闻. -- [Flutter Digest](https://flutter-digest.com/) . 关于 Flutter 和 Dart 的法语每周通讯. -- [Android Croissants](https://android-croissants.com/) . 每个星期一早上,接收有关 Android 的最新新闻、教程、提示……. -- [Flutter Tap](https://fluttertap.com/) . Flutter Tap 是一份免费的每周简讯,可帮助您保持 Flutter 开发的前沿. +- [Mobile Web Weekly](https://mobiledevweekly.com/). A weekly round-up of the releases, articles, and links that affect Web developers working on the mobile-facing Web. +- [Android Weekly](https://androidweekly.net/). Free newsletter that helps you to stay cutting-edge with your Android Development. +- [Awesome Android Newsletter](https://android.libhunt.com/newsletter). A curated list of awesome Android packages and resources. +- [Weekly Xamarin](http://weeklyxamarin.com). Xamarin development. +- [Mobile Developers Cafe](https://mobiledeveloperscafe.com). A weekly newsletter for Mobile Developers - iOS, Android, Flutter & React Native. +- [Flutter Croissants](https://flutter-croissants.com/). Receive every Monday all the news about Flutter and the world of mobility. +- [Flutter Digest](https://flutter-digest.com/). 🇫🇷 A weekly French newsletter about Flutter and Dart. +- [Android Croissants](https://android-croissants.com/). 🇫🇷 Every Monday morning, receive the latest news, tutorials, tips… about Android. +- [Flutter Tap](https://fluttertap.com/). Flutter Tap is a free weekly newsletter that helps you to stay cutting-edge with your Flutter development. ## Artificial Intelligence / Machine Learning / Big Data -- [Data Elixir](https://dataelixir.com/) . 每周通讯,提供网络上最好的数据科学新闻和资源. [Archive](https://dataelixir.com/newsletters/). -- [Artificial Intelligence Weekly](http://aiweekly.co/) . 每周收集有关人工智能和机器学习的最佳新闻和资源. -- [Machine Learnings](http://subscribe.machinelearnings.co/) . 机器学习和人工智能新闻的每周综述. -- [Inside AI](https://inside.com/ai) . 每周通讯为您带来人工智能、机器人和神经技术的最新资讯. -- [Import AI](https://twitter.us13.list-manage.com/subscribe?u=67bd06787e84d73db24fb0aa5&id=6c9d98ff2c) . 人工智能的最新突破、应用和失误. [Archive](https://us13.campaign-archive.com/home/?u=67bd06787e84d73db24fb0aa5&id=6c9d98ff2c) -- [The ML Engineer Newsletter](https://ethical.institute/mle.html) . 接收由机器学习专业人士策划的开源框架、教程和文章的更新. 深入了解机器学习可解释性、可重复性、模型评估、特征分析等方面的最佳实践、工具和技术. -- [True Positive Weekly](https://aiweekly.substack.com/) . 本周最重要的人工智能和机器学习链接. +- [Data Elixir](https://dataelixir.com/). A weekly newsletter of the best data science news and resources from around the web. [Archive](https://dataelixir.com/newsletters/). +- [Artificial Intelligence Weekly](http://aiweekly.co/). A weekly collection of the best news and resources on Artificial Intelligence amd Machine Learning. +- [Machine Learnings](http://subscribe.machinelearnings.co/). A weekly roundup of ML & AI news. +- [Inside AI](https://inside.com/ai). Weekly newsletter bringing you the latest in Artificial Intelligence, Robotics, and Neurotechnology. +- [Import AI](https://twitter.us13.list-manage.com/subscribe?u=67bd06787e84d73db24fb0aa5&id=6c9d98ff2c). The latest breakthroughs, applications and foul-ups in artificial intelligence. [Archive](https://us13.campaign-archive.com/home/?u=67bd06787e84d73db24fb0aa5&id=6c9d98ff2c) +- [The ML Engineer Newsletter](https://ethical.institute/mle.html). Receive updates on open source frameworks, tutorials and articles curated by machine learning professionals. Obtain insights on best practices, tools and techniques in machine learning explainability, reproducibility, model evaluation, feature analysis and beyond. +- [True Positive Weekly](https://aiweekly.substack.com/). The most important artificial intelligence and machine learning links of the week. ## Blockchain / Cryptocurrencies - [Inside Cryptocurrency](https://inside.com/cryptocurrency). Tracking trends, news, and analysis around Bitcoin and cryptocurrencies. -- [Crypto Weekly](https://cryptoweekly.co/) . 每周都会向您的收件箱发送最好的加密货币新闻和见解. -- [Build Blockchain](https://www.buildblockchain.tech/newsletter) . 没有牛市的区块链技术——每周一次的区块链现实,严重偏向于技术. +- [Crypto Weekly](https://cryptoweekly.co/). The best cryptocurrency news and insights delivered to your inbox every week. +- [Build Blockchain](https://www.buildblockchain.tech/newsletter). Blockchain tech without the bull— a weekly dose of blockchain reality with a heavy bias toward the technical. ## Technology in General -- [TLDR](https://www.tldrnewsletter.com/) . TLDR 是一份每日精选的时事通讯,其中包含科技领域最有趣的故事的链接和摘要. -- [Barista.io](https://www.barista.io/) . 通过每天发送来自网络的众筹文章的电子邮件,掌握当今最流行的科技新闻. -- [The Morning Paper](https://blog.acolyer.org/) . 每个工作日早上,Adrian Colyer 都会挑选一篇来自计算机科学界的有趣/有影响力/重要的论文. -- [TechMeme](https://www.techmeme.com/) . Techmeme 是一个近乎实时的聚合、过滤、可存档的摘要,概述了技术领域的新内容和产生的对话. -- [Unzip.dev](https://unzip.dev/) . 开发者趋势时事通讯,一次揭示一种趋势. -- [Daily Tech](https://dailytech.email) . Daily Tech 是一份有关技术、初创公司、产品和软件工程的精选新闻通讯. -- [SaaS Bites](https://saasbites.substack.com) . 有关 SaaS 增长、营销和产品管理的最新新闻、技巧和工具. -- [MindByte Weekly Pulse](https://mindbyte.beehiiv.com) 使用 MindByte Weekly Pulse 为您的一周加油,这是您在 GitHub、Azure 和 .NET 的动态世界中导航的不可或缺的指南. 了解由行业专家策划的最新见解、技巧和趋势,每周发送到您的收件箱. +- [TLDR](https://www.tldrnewsletter.com/). TLDR is a daily curated newsletter containing links and summaries of the most interesting stories in tech. +- [Barista.io](https://www.barista.io/). Stay on top of today's most popular Tech news with a daily e-mail of crowd-curated articles from across the Web. +- [The Morning Paper](https://blog.acolyer.org/). An interesting/influential/important paper from the world of CS every weekday morning, as selected by Adrian Colyer. +- [TechMeme](https://www.techmeme.com/). Techmeme is a aggregated, filtered, archiveable summary in near real-time of what is new and generating conversation in technology. +- [Unzip.dev](https://unzip.dev/). Developer trends newsletter, unpacking one trend at a time. +- [Daily Tech](https://dailytech.email). Daily Tech is a curated newsletter about technology, startups, product, and software engineering. +- [SaaS Bites](https://saasbites.substack.com). Latest news, tips, and tools for SaaS growth, marketing and product management. +- [MindByte Weekly Pulse](https://mindbyte.beehiiv.com) Fuel your week with MindByte Weekly Pulse, your indispensable guide to navigating the dynamic world of GitHub, Azure, and .NET. Discover the latest insights, tips, and trends, curated by an industry expert, delivered to your inbox every week. ## Leadership -- [Software Lead Weekly](https://softwareleadweekly.com/) . 关于公司文化、领导力和一般软件构建的富有洞察力的文章. -- [Tech Lead Digest](https://techleaddigest.net/) . 每周通讯,包含五个有关团队建设、领导力和工程文化的有趣故事. -- [Engineering Leadership Snacks](https://engineeringleadership.kulkarniankita.com/) . 每周小吃,提供可行的领导技巧、深入探讨的免费工具箱,帮助您成为卓越的领导者. +- [Software Lead Weekly](https://softwareleadweekly.com/). Insightful articles about company culture, leadership and building software in general. +- [Tech Lead Digest](https://techleaddigest.net/). A weekly newsletter with five interesting stories about building teams, leadership, and engineering culture. +- [Engineering Leadership Snacks](https://engineeringleadership.kulkarniankita.com/). Weekly Snacks on Actionable Leadership tips, a Deep-dive and free Toolbox to excel as a Leader. ## Marketing -- [tldrMarketing](https://tldrmarketing.com) . 轻松获取有关数字营销的最新突发新闻和趋势. -- [Zero to Marketing](https://zerotomarketing.com/) . 每周发送一封电子邮件,其中包含 5 分钟的案例研究和可行的提示. -- [The Content Odyssey](https://newsletter.mktodyssey.com/) . 每两周进行一次尝试和测试的内容增长实验. +- [tldrMarketing](https://tldrmarketing.com). Get the latest breaking news and trends about digital marketing without all the fluff. +- [Zero to Marketing](https://zerotomarketing.com/). A weekly email with 5-minute case study with actionable tips. +- [The Content Odyssey](https://newsletter.mktodyssey.com/). Biweekly tried-and-tested content growth experiments. ## Business/Finance -- [The Pricing Newsletter](https://taprun.com/newsletter/) . 问答、课程和新闻文章可帮助初创公司和企业主了解如何实施定价策略. -- [FBA monthly](https://www.fbamonthly.com/) . 《亚马逊物流月刊》是本月有关亚马逊业务的最重要新闻文章和博客文章的全面摘要. 只有真实的新闻、解决方案、策略、卖家对卖家的技巧等等. -- [Capital minded](https://capitalminded.com) . 关于驾驭指数基金时代、了解经济和黑客资本主义的每周情报简报. -- [Wellfound Weekly](https://wellfound.com/newsletters) . 每周精选创业世界的精华. -- [Startup Curated](https://startup.curated.co) . 创业社区的时事通讯,包含来自创始人和为创始人提供的最佳内容. [Archive](https://startup.curated.co/issues). -- [Unvalidated Ideas](https://unvalidatedideas.com) . 您每周都可以拿出新的创业和 SaaS 创意并进行市场验证. -- [Generated.Company](https://generated.company) . 通过人工智能驱动的公司创意释放您的创业潜力. 每周 10 个公司创意. -- [Indie Hackers Newsletter](https://www.indiehackers.com/newsletter) . 对于创始人而不是消费者来说这是最好的消息. +- [The Pricing Newsletter](https://taprun.com/newsletter/). Q&As, lessons, and news articles to help startups and business owners understand how to implement pricing strategy. +- [FBA monthly](https://www.fbamonthly.com/). FBA Monthly is an across-the-board summary of the month's most important news articles and blog posts regarding Amazon businesses. Only actual news, solutions, strategies, seller-to-seller tips and much more. +- [Capital minded](https://capitalminded.com). Weekly intelligence brief on navigating the index fund age, understanding the economy, and hacking capitalism. +- [Wellfound Weekly](https://wellfound.com/newsletters). The best of the startup world, curated weekly. +- [Startup Curated](https://startup.curated.co). The startup community’s newsletter with the best content from and for founders. [Archive](https://startup.curated.co/issues). +- [Unvalidated Ideas](https://unvalidatedideas.com). Fresh startup and SaaS ideas that you can take out and market validate every week. +- [Generated.Company](https://generated.company). Unleash Your Entrepreneurial Potential with AI-Powered Company Ideas. 10 Company ideas every single week. +- [Indie Hackers Newsletter](https://www.indiehackers.com/newsletter). The best news for founders, not consumers. ## Awesome news -- [ChangeLog Weekly](https://changelog.com/weekly) . 每周通讯,涵盖开源雷达的所有内容. -- [GitHub News](https://www.gitlogs.com/) . 通过峰值检测算法发现 GitHub 上最热门的存储库. -- [TED](https://www.ted.com/newsletter) . TED 为您的收件箱提供灵感 -- [KickStarter](https://www.kickstarter.com/newsletters) . 我们喜爱的项目由 KickStarter 存档 -- [Startup Digest](https://www.startupdigest.com/reading-lists) . 来自世界各地的精选阅读材料,根据您​​的兴趣定制. -- [My Morning Routine](https://mymorningroutine.com/) . 我的早晨例行公事是一本独立的在线杂志,每周三为您带来全新的、鼓舞人心的早晨例行公事. -- [wpMail.me](http://wpmail.me/) . 免费的 WordPress 时事通讯,每周一次,包含 WordPress 新闻和文章的摘要. [Archive](http://wpmail.me/newsletters/). -- [Handwritten newsletter](http://www.thnkclrly.com/newsletter/) . 《Think Clearly》时事通讯为您提供了一些反思练习,可以在日常生活中为您提供帮助. 它是带着爱和钦佩创造的. [Archive](http://www.thnkclrly.com/category/thinking-clearly/). -- [Better Dev Link](https://betterdev.link) . 每周时事通讯收集旨在提高编程知识的链接. 目的不包括读者可以立即从谷歌搜索到的链接,例如如何做x、y、z,而是更多关于编程中解决问题的链接. -- [GitHub Trending Repos](https://github.com/vitalets/github-trending-repos) . 一个特殊的存储库,允许在 GitHub 上跟踪您最喜欢的编程语言的趋势项目. 更新会以 GitHub 通知的形式每天或每周一次. -- [HN Mail](https://hnmail.io) . 可定制的每周时事通讯,根据您的兴趣提供黑客新闻故事. -- [Senior Mindset](https://seniormindset.com) . 获取一系列有关高级软件工程师思维方式的精选文章. -- [Weekly Robotics](https://weeklyrobotics.com/) . 每周通讯,包含与机器人相关的新闻、项目和研究. -- [Future Crunch](https://futurecrunch.com) . 每两周一次的时事通讯,包含科学、环境和世界各地所有您听不到的好消息. 您可以看到他们的好消息 [here](https://futurecrun.ch/goodnews). +- [ChangeLog Weekly](https://changelog.com/weekly). A weekly newsletter, covering everything that hits open source radar. +- [GitHub News](https://www.gitlogs.com/). Discover top trending repos at GitHub, detected by a peak detection algorithm. +- [TED](https://www.ted.com/newsletter). Inspiration in your inbox by TED +- [KickStarter](https://www.kickstarter.com/newsletters). Projects We Love archive by KickStarter +- [Startup Digest](https://www.startupdigest.com/reading-lists). Curated reading materials from around the world, customized by your interests. +- [My Morning Routine](https://mymorningroutine.com/). My Morning Routine is an independent online magazine that brings you a brand new, inspiring morning routine every Wednesday. +- [wpMail.me](http://wpmail.me/). A free WordPress Newsletter, once a week, with a round-up of WordPress news and articles. [Archive](http://wpmail.me/newsletters/). +- [Handwritten newsletter](http://www.thnkclrly.com/newsletter/). The Think Clearly newsletter gives you little reflection exercises to help you in your daily life. It is created with love and admiration. [Archive](http://www.thnkclrly.com/category/thinking-clearly/). +- [Better Dev Link](https://betterdev.link). A weekly newsletter, collects links that aim to improve programming knowledge general. The purpose is not include the links that reader can search instantly from google such as how to do x, y, z but more about problem solving in programming. +- [GitHub Trending Repos](https://github.com/vitalets/github-trending-repos). A special repo allowing to track trending projects in your favorite programming language on GitHub. Updates come as GitHub notifications once a day or a week. +- [HN Mail](https://hnmail.io). A customizable weekly newsletter that delivers Hacker News stories based on your interests. +- [Senior Mindset](https://seniormindset.com). Get a series of curated essays on the mindset of a senior software engineer. +- [Weekly Robotics](https://weeklyrobotics.com/). A weekly newsletter with news, projects and research related to robotics. +- [Future Crunch](https://futurecrunch.com). A fortnightly newsletter with all the good news you don't get to hear about, in science, the environment, and across the world. You can see a feed of their good news [here](https://futurecrun.ch/goodnews). ## Resilience -- [Resilience Roundup](https://resilienceroundup.com) . 从弹性工程研究中学习,而无需深入研究冗长的学术论文. +- [Resilience Roundup](https://resilienceroundup.com). Learn from Resilence Engineering research without having to dig through long, academic papers. ## Security -- [Crypto-Gram](https://www.schneier.com/crypto-gram/) . 由世界上最著名的安全专家之一布鲁斯·施奈尔 (Bruce Schneier) 策划的以安全为重点的每月通讯. -- [this week in security](https://twitter.us18.list-manage.com/subscribe?u=e1ad6038c994abec17dafb116&id=a2457dc8ad) . 每周 tl;dr 网络安全时事通讯,包括新闻、快乐角落、每周网络猫等. 每个星期日都会发送. -- [tl;dr sec](https://tldrsec.com/) . 每周精选最佳安全工具、博客文章和会议演讲,涵盖应用安全、云和容器安全、DevSecOps 等. -- [Advisory Week](https://advisoryweek.com/) . 每周发送一封电子邮件,其中包含主要软件供应商发布的安全建议摘要. -- [Shift Security Left](https://shift-security-left.curated.co/) . 面向具有安全意识的开发人员的免费双周通讯,涵盖应用程序安全、安全架构、DevSecOps、密码学、事件等,对构建者和(在较小程度上)破坏者有用. 与 @cossacklabs 的虚构吉祥物兼安全工程师 Felix 一起更深入地了解安全漏洞的原因、设计防御、发明和实施安全控制. -- [RTC Security Newsletter](https://www.rtcsec.com/newsletter/) . Enable Security 提供的每月通讯,提供实时通信安全新闻、研究和不定期更新. +- [Crypto-Gram](https://www.schneier.com/crypto-gram/). A security-focused monthly newsletter curated by Bruce Schneier, one of the most famous security experts in the world. +- [this week in security](https://twitter.us18.list-manage.com/subscribe?u=e1ad6038c994abec17dafb116&id=a2457dc8ad). a weekly tl;dr cybersecurity newsletter including news, the happy corner, your weekly cyber-cat, and more. It's sent every Sunday. +- [tl;dr sec](https://tldrsec.com/). A weekly distillation of the best security tools, blog posts, and conference talks, covering AppSec, cloud and container security, DevSecOps, and more. +- [Advisory Week](https://advisoryweek.com/). A weekly email with a roundup of Security Advisories published by the major software vendors. +- [Shift Security Left](https://shift-security-left.curated.co/). A free biweekly newsletter for security-aware developers covering application security, secure architecture, DevSecOps, cryptography, incidents, etc. that can be useful for builders and (to a lesser extent) for breakers. Get a deeper understanding of causes for security vulnerabilities, designing defences, inventing and implementing security controls—with Felix, an imaginary mascot and a security engineer at @cossacklabs. +- [RTC Security Newsletter](https://www.rtcsec.com/newsletter/). A monthly newsletter of real-time communication security news, research, and occasional updates by Enable Security. ## Entrepreneurship -- [Indie Hacker Newsletter](https://www.indiehackers.com/newsletter) . 免费的双日通讯,提供可行的见解、创始人故事和市场动态,帮助您启动和发展业务. -- [Founder Notes](https://www.foundernotes.io/) . 免费的每周通讯,分享成功创始人的秘密,为您提供可操作的策略来发展您的业务,并让您了解最新的新闻和机会. -- [Hungry Minds](https://hungryminds.dev) . 一份免费的每周时事通讯,其中包含塑造思维的想法、高信号人工智能/科技/商业新闻以及不为人知的趋势和工具,让您保持饥饿感. -- [Product Hunt](https://www.producthunt.com/newsletter) . 每日精选科技产品和初创公司. -- [Founder Weekly](http://www.founderweekly.com/) . 为企业家提供的免费每周时事通讯,其中包含最佳策划内容、必读文章、操作指南、提示和技巧、资源、活动等. -- [Founders Grid](https://smash.vc/founders-grid/) . 为初创企业创始人提供的每周通讯,汇集了初创企业生态系统中的最佳资源. -- [Unreadit/Entrepreneur](https://unread.it/n/entrepreneur/) . 有关创业、成长、投资和初创公司的前沿新闻源自 Reddit 最佳帖子. +- [Indie Hacker Newsletter](https://www.indiehackers.com/newsletter). A free bi-daily newsletter with actionable insights, founder stories and market updates to help you start and grow your business. +- [Founder Notes](https://www.foundernotes.io/). A free weekly newsletter that shares the secrets of successful founders, giving you actionable strategies to grow your business and keep you updated on the latest news and opportunities. +- [Hungry Minds](https://hungryminds.dev). A free weekly newsletter that get one mind-shaping idea, high-signal AI/Tech/Business news, and under-the-radar trends and tools to keep you hungry. +- [Product Hunt](https://www.producthunt.com/newsletter). Daily curated tech products and startups. +- [Founder Weekly](http://www.founderweekly.com/). A free weekly newsletter for entrepreneurs featuring best curated content, must read articles, how to guides, tips and tricks, resources, events and more. +- [Founders Grid](https://smash.vc/founders-grid/). A weekly newsletter for startup founders that rounds up the best resources from startup ecosystem. +- [Unreadit/Entrepreneur](https://unread.it/n/entrepreneur/). Cutting edge news regarding entrepreneurship, growth, investing and startups sourced from the best Reddit posts. ## Miscellaneous -- [WebRTC Weekly](https://webrtcweekly.com/) . 每周简讯,包含 WebRTC 上的所有最新新闻和活动. -- [Web Audio Weekly](https://www.webaudioweekly.com/) . 为对 Web 音频 API、Web MIDI API 或一般网络上的声音感兴趣的人们提供的每周时事通讯. -- [Data Is Plural](https://tinyletter.com/data-is-plural) . 有用/好奇的数据集的每周通讯. -- [Changelog Nightly](https://changelog.com/nightly) . 每天晚上 10 点(中部时间)发送一封电子邮件,挖掘 GitHub 上最热门的新存储库. -- [Code Cartoons](https://tinyletter.com/codecartoons) . 通过电子邮件通过漫画学习代码. -- [Awesome Self Hosted Newsletter](https://selfhosted.libhunt.com/newsletter) . 可在本地托管的免费软件解决方案和 Web 应用程序的目录. -- [lkml.wtf](https://lkml.wtf/) . Linux 内核邮件列表线程的每周综述,但更多的是讽刺. -- [Kleroteria](https://www.kleroteria.org) . 一种免费、独特的“抽奖”时事通讯,其中订阅者被选中,其提交的电子邮件将发送给所有其他订阅者. 主题的主题和质量各不相同. -- [Unreadit/Tech](https://unread.it/n/tech/) . 来自 Reddit 上最佳帖子的技术迷的硬件和软件新闻. -- [Tech Productivity](https://techproductivity.co/) . Tech Productivity 是针对技术专业人士(程序员、开发人员、设计师等)的每周简讯. 每期都包含与生产力相关的工具、文章和其他资源的简短列表,可以帮助各个技术相关领域的工人提高生产力. -- [Dev Updates](https://mailchi.mp/f59beeac6b9b/devupdates) . 每周通讯,重点关注移动、网络、人工智能、UI/UX、工作/职业以及与开发人员和行业相关的任何内容的最新动态. -- [Trending Projects](https://www.trendingprojects.com/) . 每周一封电子邮件,展示 GitHub 上的热门项目. -- [Softwaretalks Newsletter](https://newsletter.softwaretalks.ir/) . 在 Softwaretalks Newsletter 中,我们每周四都会发送有关软件工程的文章. (对于波斯语用户). -- [Figures](https://joinfigures.com/) . 根据您的最低工资要求获得高薪技术工作. -- [rendezvous with cassidoo](https://cassidoo.co/newsletter/) . 免费的每周技术通讯,包含最新的网络开发文章、本周的技术面试练习题、笑话、一些非技术内容等等,每周日晚上/周一早上发送,具体取决于您在世界上的哪个地方. -- [No-Code Shots](https://nocodeshots.com) . 精心策划的每周时事通讯,将为您带来有关如何提高无代码技能的新闻、更新和提示. -- [News Minimalist](https://www.newsminimalist.com/) . 利用 AI (ChatGPT-4) 精心策划的时事通讯,仅提供最重要的新闻. 通过每天分析 1000 篇热门文章,它可以确保订阅者随时了解情况,而不会在不重要的更新上浪费时间. +- [WebRTC Weekly](https://webrtcweekly.com/). A weekly & brief newsletter with all the latest news and activities on WebRTC. +- [Web Audio Weekly](https://www.webaudioweekly.com/). A weekly newsletter for people are interested in the Web Audio API, the Web MIDI API, or sound on the web in general. +- [Data Is Plural](https://tinyletter.com/data-is-plural). A weekly newsletter of useful/curious datasets. +- [Changelog Nightly](https://changelog.com/nightly). An email, every night at 10pm CT, that unearths the hottest new repos on GitHub. +- [Code Cartoons](https://tinyletter.com/codecartoons). Learn code via cartoons via email. +- [Awesome Self Hosted Newsletter](https://selfhosted.libhunt.com/newsletter). A directory of free software solutions and web applications which can be hosted locally. +- [lkml.wtf](https://lkml.wtf/). A weekly roundup of Linux Kernel Mailing List threads but with a lot more sarcasm. +- [Kleroteria](https://www.kleroteria.org). A free, unique "lottery" newsletter where a subscriber is picked whose email submission is sent to all of the other subscribers. Subject matter varies in both topic and quality. +- [Unreadit/Tech](https://unread.it/n/tech/). Hardware and software news for tech junkies from the best posts on Reddit. +- [Tech Productivity](https://techproductivity.co/). Tech Productivity is a short weekly newsletter for tech professionals (programmers, developers, designers, etc). Each issue includes a brief list of productivity-related tools, articles, and other resources that can help workers in various tech-related fields be more productive. +- [Dev Updates](https://mailchi.mp/f59beeac6b9b/devupdates). A weekly newsletter focussing on latest in mobile, web, AI, UI/UX, jobs/carrers and anything related to developers and the industry. +- [Trending Projects](https://www.trendingprojects.com/). A weekly email showcasing trending projects on GitHub. +- [Softwaretalks Newsletter](https://newsletter.softwaretalks.ir/). In Softwaretalks Newsletter, we send articles about software engineering every Thursday. (For persian users). +- [Figures](https://joinfigures.com/). Receive high-paying tech jobs based on your minimum salary requirement. +- [rendezvous with cassidoo](https://cassidoo.co/newsletter/). A free weekly tech newsletter with the latest web development articles, a practice technical interview question of the week, a joke, some non-technical content, and more, arriving every Sunday night/Monday morning depending on where you are in the world. +- [No-Code Shots](https://nocodeshots.com). A curated weekly newsletter that will bring you news, updates, and tips on how to improve your No-code skills. +- [News Minimalist](https://www.newsminimalist.com/). A curated newsletter utilizing AI (ChatGPT-4) to deliver only the most significant news. By analyzing 1000 top articles daily, it ensures subscribers stay informed without wasting time on unimportant updates. ## License [![CC0](https://licensebuttons.net/p/zero/1.0/88x31.png)](https://creativecommons.org/publicdomain/zero/1.0/) -在法律允许的范围内, [Dmitry Zudochkin](https://github.com/zudochkin) 已放弃本作品的所有版权以及相关或邻接权. +To the extent possible under law, [Dmitry Zudochkin](https://github.com/zudochkin) has waived all copyright and related or neighboring rights to this work. diff --git a/docs/awesome/awesome-rust.md b/docs/awesome/awesome-rust.md index cdcc7ef494..3007eff701 100644 --- a/docs/awesome/awesome-rust.md +++ b/docs/awesome/awesome-rust.md @@ -22,6 +22,7 @@ See also [Rust — Production](https://www.rust-lang.org/production) organizatio * [cloudflare/boringtun](https://github.com/cloudflare/boringtun) — A Userspace WireGuard VPN Implementation [![build badge](https://img.shields.io/badge/crates.io-v0.2.0-orange.svg)](https://crates.io/crates/boringtun) * [datafusion](https://github.com/apache/arrow-datafusion) — Apache Arrow DataFusion and Ballista query engines * [denoland/deno](https://github.com/denoland/deno) — A secure JavaScript/TypeScript runtime built with V8, Rust, and Tokio [![Build Status](https://github.com/denoland/deno/workflows/ci/badge.svg?branch=master&event=push)](https://github.com/denoland/deno/actions) +* [doprz/dipc](https://github.com/doprz/dipc) — Convert your favorite images and wallpapers with your favorite color palettes/themes [![crates.io](https://img.shields.io/crates/v/dipc)](https://crates.io/crates/dipc) * [Factotum](https://github.com/snowplow/factotum) — [A system to programmatically run data pipelines](https://snowplow.io/blog/introducing-factotum-data-pipeline-runner/) * [fcsonline/drill](https://github.com/fcsonline/drill) — A HTTP load testing application inspired by Ansible syntax * [fend](https://github.com/printfn/fend) - Arbitrary-precision unit-aware calculator [![build](https://github.com/printfn/fend/workflows/build/badge.svg)](https://github.com/printfn/fend) @@ -429,6 +430,7 @@ See also [A comparison of operating systems written in Rust](https://github.com/ * [datanymizer/datanymizer](https://github.com/datanymizer/datanymizer) - Powerful database anonymizer with flexible rules [![build badge](https://github.com/datanymizer/datanymizer/workflows/CI/badge.svg?branch=main)](https://github.com/datanymizer/datanymizer/actions?query=workflow%3ACI+branch%3Amain) * [delta](https://crates.io/crates/git-delta) — A syntax-highlighter for git and diff output[![build badge](https://github.com/dandavison/delta/workflows/Continuous%20Integration/badge.svg)](https://github.com/dandavison/delta//actions) * [dotenv-linter](https://github.com/dotenv-linter/dotenv-linter) — Linter for `.env` files [![build badge](https://github.com/dotenv-linter/dotenv-linter/workflows/CI/badge.svg?branch=master)](https://github.com/dotenv-linter/dotenv-linter/actions?query=workflow%3ACI+branch%3Amaster) +* [frolic](https://github.com/FrolicOrg/Frolic) — An API layer to build customer facing dashboards 10x faster * [fw](https://github.com/brocode/fw) — workspace productivity booster [![Rust](https://github.com/brocode/fw/actions/workflows/rust.yml/badge.svg)](https://github.com/brocode/fw/actions/workflows/rust.yml) * [geiger](https://github.com/rust-secure-code/cargo-geiger) — A program that list statistics related to usage of unsafe Rust code in a Rust crate and all its dependencies [![Build Status](https://dev.azure.com/cargo-geiger/cargo-geiger/_apis/build/status/rust-secure-code.cargo-geiger?branchName=master)](https://dev.azure.com/cargo-geiger/cargo-geiger/_build/latest?definitionId=1&branchName=master) * [git-cliff](https://github.com/orhun/git-cliff) — A highly customizable Changelog Generator that follows Conventional Commit specifications ![https://github.com/orhun/git-cliff/actions](https://img.shields.io/github/actions/workflow/status/orhun/git-cliff/ci.yml?branch=main&label=build) @@ -699,6 +701,7 @@ See also [About Rust’s Machine Learning Community](https://medium.com/@autumn_ * [autumnai/leaf](https://github.com/autumnai/leaf) — Open Machine Intelligence framework.. Abandoned project. The most updated fork is [spearow/juice](https://github.com/rust-unofficial/awesome-rust/blob/master/ https://github.com/spearow/juice). * [coreylowman/dfdx](https://github.com/coreylowman/dfdx) — CUDA accelearted machine learning framework that leverages many of Rust's unique features. ![Crates.io](https://img.shields.io/crates/v/dfdx) +* [huggingface/candle](https://github.com/huggingface/candle) [[candle-core](https://crates.io/crates/candle-core)]- a minimalist ML framework with a focus on easiness of use and on performance (including GPU support) * [huggingface/tokenizers](https://github.com/huggingface/tokenizers) - Hugging Face's tokenizers for modern NLP pipelines written in Rust (original implementation) with bindings for Python. [![Build Status](https://github.com/huggingface/tokenizers/workflows/Rust/badge.svg?branch=master)](https://github.com/huggingface/tokenizers/actions) * [LaurentMazare/tch-rs](https://github.com/LaurentMazare/tch-rs) — Rust language bindings for PyTorch. * [maciejkula/rustlearn](https://github.com/maciejkula/rustlearn) — Machine learning crate for Rust. [![Circle CI](https://circleci.com/gh/maciejkula/rustlearn.svg?style=svg)](https://app.circleci.com/pipelines/github/maciejkula/rustlearn) @@ -848,6 +851,8 @@ See also [About Rust’s Machine Learning Community](https://medium.com/@autumn_ ### Compression +* [7z](https://7-zip.org/7z.html) + * [dyz1990/sevenz-rust](https://github.com/dyz1990/sevenz-rust) [[sevenz-rust](https://crates.io/crates/sevenz-rust)] — A 7z decompressor/compressor written in pure rust. [![Rust](https://github.com/dyz1990/sevenz-rust/workflows/Rust/badge.svg?branch=main)](https://github.com/dyz1990/sevenz-rust/actions) * [Brotli](https://opensource.googleblog.com/2015/09/introducing-brotli-new-compression.html) * [dropbox/rust-brotli](https://github.com/dropbox/rust-brotli) — Brotli decompressor in Rust that optionally avoids the stdlib * [ende76/brotli-rs](https://github.com/ende76/brotli-rs) — implementation of Brotli compression @@ -926,6 +931,7 @@ See also [About Rust’s Machine Learning Community](https://medium.com/@autumn_ * [rustls/rustls](https://github.com/rustls/rustls) — A Rust implementation of TLS * [sfackler/rust-native-tls](https://github.com/sfackler/rust-native-tls) — Bindings for native TLS libraries * [sfackler/rust-openssl](https://github.com/sfackler/rust-openssl) — [OpenSSL](https://www.openssl.org/) bindings +* [sorairolake/scryptenc-rs](https://github.com/sorairolake/scryptenc-rs) [[scryptenc](https://crates.io/crates/scryptenc)] — An implementation of the scrypt encrypted data format. [![CI](https://github.com/sorairolake/scryptenc-rs/workflows/CI/badge.svg?branch=develop)](https://github.com/sorairolake/scryptenc-rs/actions?query=workflow%3ACI) * [vityafx/randomorg](https://github.com/vityafx/randomorg) - A random.org client library. [![Crates badge](https://img.shields.io/crates/v/randomorg.svg)](https://crates.io/crates/randomorg) * [w3f/schnorrkel](https://github.com/w3f/schnorrkel) - Schnorr VRFs and signatures on the Ristretto group @@ -1057,6 +1063,7 @@ See also [About Rust’s Machine Learning Community](https://medium.com/@autumn_ * [chronotope/chrono](https://github.com/chronotope/chrono) — * [Mnwa/ms](https://github.com/Mnwa/ms) [[ms-converter](https://crates.io/crates/ms-converter)] — it's a library for converting human-like times to milliseconds [![build badge](https://github.com/Mnwa/ms/workflows/build/badge.svg?branch=master)](https://github.com/Mnwa/ms/actions?query=workflow%3Abuild) +* [sorairolake/nt-time](https://github.com/sorairolake/nt-time) [[nt-time](https://crates.io/crates/nt-time)] — A Windows file time library. [![CI](https://github.com/sorairolake/nt-time/workflows/CI/badge.svg?branch=develop)](https://github.com/sorairolake/nt-time/actions?query=workflow%3ACI) * [time-rs/time](https://github.com/time-rs/time) — [![build badge](https://github.com/time-rs/time/workflows/Build/badge.svg)](https://github.com/time-rs/time/actions) ### Distributed systems @@ -1244,8 +1251,8 @@ See also [Are we game yet?](https://arewegameyet.rs) ### Graph algorithms +* [neo4j-labs/graph](https://github.com/neo4j-labs/graph) - A library for high-performant graph algorithms [![graph CI status](https://img.shields.io/github/workflow/status/neo4j-labs/graph/CI/main?label=CI)](https://github.com/neo4j-labs/graph/actions/workflows/rust.yml) * [petgraph/petgraph](https://github.com/petgraph/petgraph) - Graph data structure library for Rust. [![graph CI status](https://github.com/petgraph/petgraph/workflows/Continuous%20integration/badge.svg?branch=master)](https://github.com/petgraph/petgraph/actions/workflows/ci.yml) -* [s1ck/graph](https://github.com/s1ck/graph) - A library for high-performant graph algorithms [![graph CI status](https://img.shields.io/github/workflow/status/s1ck/graph/CI/main?label=CI)](https://github.com/s1ck/graph/actions/workflows/rust.yml) ### Graphics diff --git a/docs/awesome/awesome-slack.md b/docs/awesome/awesome-slack.md index a672586b46..9fc39434bd 100644 --- a/docs/awesome/awesome-slack.md +++ b/docs/awesome/awesome-slack.md @@ -1,157 +1,73 @@ -
-[![Awesome](https://cdn.rawgit.com/sindresorhus/awesome/d7305f38d29fed78fa85652e3a63e154dd8e8829/media/badge.svg)](https://github.com/sindresorhus/awesome) - -

- Logo -

- -

-

Awesome Slack

-

- -

- A curated list of awesome, Slack-related things. -

- -*** - -An avid Slack user? A developer looking for awesome tools to build out an integration? Just looking for inspiration? This is a list of all the best things Slack. - - -## :pencil:   Lists -- [Community-Built Libraries](https://api.slack.com/community) - Slack-curated list of community open-source libraries -- [Slack App Directory](https://slack.com/apps) - Official directory of publicly available Slack apps -- [Slack Emojis](https://emoji.gg) - Unofficial directory of custom emojis for Slack - -## :art:   Themes - -- [Slack Themes](http://slackthemes.net/) - A Slack sidebar theme browser -- [Sweet Themes Are Made of These](http://sweetthemesaremadeofthe.se/) - Website for sharing Slack custom palettes - -## :hammer_and_wrench:   Libraries and SDKs - -### C# - -- [margiebot](https://github.com/jammerware/margiebot) - A .NET library designed to make building bots for Slack fast, easy, and fun -- [Slack.Webhooks](https://github.com/nerdfury/Slack.Webhooks) - A library to work with Slack webhooks more easily -- [SlackAPI](https://github.com/Inumedia/SlackAPI) - A third-party implementation of Slack's API written in C# - -### Erlang - -- [slacker](https://github.com/julienXX/slacker) - Erlang Slack REST API wrapper - -### Go - -- [webhook](https://github.com/adnanh/webhook) - Easily run commands in response to HTTP webhook requests from Slack - -### Java - -- [java-slack-sdk](https://github.com/slackapi/java-slack-sdk) - Slack's official Java framework for building Slack apps -- [simple-slack-api](https://github.com/Ullink/simple-slack-api) - A Slack client library in Java - -### JavaScript/TypeScript - -- [bolt-js](https://github.com/slackapi/bolt-js) - Slack's official JavaScript framework for building Slack apps -- [jsx-slack](https://github.com/yhatt/jsx-slack) - Build JSON object for Slack Block Kit surfaces from JSX -- [node-slack-sdk](https://github.com/slackapi/node-slack-sdk) - Slack's official SDK for Node.js -- [slack-block-builder](https://github.com/raycharius/slack-block-builder) - Lightweight Node.js library for building Slack Block Kit UIs, with a declarative syntax inspired by SwiftUI - -### PHP - -- [SlackBundle](https://github.com/DZunke/SlackBundle) - SlackBundle for Symfony2 -- [slack-php-app-framework](https://github.com/slack-php/slack-php-app-framework) - Robust PHP framework for building Slack apps in PHP -- [slack-php-block-kit](https://github.com/jeremeamia/slack-block-kit) - Fluent interface for composing Slack Block Kit messages and modals in PHP -- [slack-php-socket-mode](https://github.com/slack-php/slack-php-socket-mode) - A Socket Mode implementation for [slack-php-app-framework](https://github.com/slack-php/slack-php-app-framework) -- [slack-php-slick](https://github.com/slack-php/slack-php-slick) - Dependency-free micro-framework for building Slack apps in PHP - -### PowerShell - -- [PSSlack](https://github.com/RamblingCookieMonster/PSSlack) - PowerShell module for simple Slack integration. - -### Python - -- [blockkit](https://github.com/imryche/blockkit) - A fast way to build Block Kit interfaces in Python -- [bolt-python](https://github.com/slackapi/bolt-python) - Slack's official Python framework for building Slack apps -- [django-slack](https://github.com/lamby/django-slack) - Slack integration for Django, using the templating engine to generate messages -- [django-slack-oauth](https://github.com/izdi/django-slack-oauth) - Slack OAuth module for Django -- [python-slack-events-api](https://github.com/slackapi/python-slack-events-api) - Slack Events API adapter for Python -- [python-slack-sdk](https://github.com/slackapi/python-slack-sdk) - Slack's official SDK for Python -- [slackblocks](https://github.com/nicklambourne/slackblocks) - Python API for building Slack Block Kit messages -- [slack-php-api](https://github.com/jolicode/slack-php-api) - PHP Slack client based on the official OpenAPI specification -- [slacker-cli](https://github.com/juanpabloaj/slacker-cli) - Messages to slack from the command line -- [slashbot](https://github.com/ebrassell/slashbot) - An easy way to create slash commands using AWS Lambda functions -- [boltworks](https://github.com/YSaxon/boltworks) - Extensions to Slack's bolt framework: expandable GUIs, easier callbacks, richer CLIs - -### R - -- [slackr](https://github.com/hrbrmstr/slackr) - A package to send webhook API messages to Slack channels/users from R - -### Ruby - -- [slack-notifier](https://github.com/stevenosloan/slack-notifier) - A simple wrapper for posting to Slack -- [slack-notify](https://github.com/sosedoff/slack-notify) - Send notifications to Slack -- [slack-poster](https://github.com/rikas/slack-poster) - Simple gem to post messages on Slack using webhooks -- [slack-ruby-block-kit](https://github.com/CGA1123/slack-ruby-block-kit) - A ruby wrapper for Slack's Block Kit -- [slack-ruby-bot](https://github.com/dblock/slack-ruby-bot) - The easiest way to write a Slack bot in Ruby -- [slack-ruby-bot-server](https://github.com/slack-ruby/slack-ruby-bot-server) - Ruby library for building Slack applications -- [slack-ruby-client](https://github.com/dblock/slack-ruby-client) - A Ruby client for the Slack Web and RealTime Messaging APIs - -### Rust - -- [slack-morphism-rust](https://github.com/abdolence/slack-morphism-rust) - A modern async Slack API client for Rust - -### Scala - -- [slack-scala-client](https://github.com/gilbertw1/slack-scala-client) - A Scala Slack client for the Web and RTM API - -### Swift - -- [SwiftBlocksUI](https://github.com/SwiftBlocksUI/SwiftBlocksUI/) - Interactive Slack messages and modals using a SwiftUI-like declarative style - -## :gear:   Open-Source Slack Apps and Integrations - -### CoffeeScript - -- [jinora](https://github.com/sdslabs/jinora) - Slack webhook app to create anonymous public channels - -### Java - -- [simple-slack-api](https://github.com/Ullink/simple-slack-api) - A Slack client library in Java -- [tasks-app](https://github.com/slackapi/tasks-app) - Simple task management app produced by Slack - -### JavaScript/Typescript - -- [definition-app](https://github.com/slackapi/definition-app) - App for storing and accessing company-specific phrases -- [slack-github-action](https://github.com/slackapi/slack-github-action) - Send data into Slack using this GitHub Action -- [slack-reporting-tool](https://github.com/slackapi/slack-reporting-tool) - App that allows team members to report offensive messages -- [tesla-slack](https://github.com/heikkipora/tesla-slack) - Track your Tesla from Slack -- [tasks-app](https://github.com/slackapi/tasks-app) - Simple task management app produced by Slack - -### PHP - -- [MantisBT-Slack](https://github.com/infojunkie/MantisBT-Slack) - MantisBT plugin to send bug updates to Slack -- [monolog](https://github.com/Seldaek/monolog) - Sends your logs to Slack - -### Python - -- [slackbot](https://github.com/lins05/slackbot) - A chat bot for Slack -- [slacker-cli](https://github.com/juanpabloaj/slacker-cli) - Messages to slack from the command line -- [tasks-app](https://github.com/slackapi/tasks-app) - Simple task management app produced by Slack -- [wee-slack](https://github.com/rawdigits/wee-slack) - A WeeChat plugin for Slack - -### Ruby - -- [slack-gamebot](https://github.com/dblock/slack-gamebot) - A game bot for Slack -- [snarkov](https://github.com/gesteves/snarkov) - Sinatra-based Markov bot for Slack -- [tickbot](https://github.com/barryf/tickbot) - Simple team time tracking reminder -- [trebekbot](https://github.com/gesteves/trebekbot) - A Jeopardy! bot for Slack - -## :busts_in_silhouette:   Contributions - -Contributions are always welcome! Please read the [contribution guidelines](https://github.com/matiassingers/awesome-slack/blob/master/contributing.md) first. - -## :classical_building:   License - -[![CC0](https://licensebuttons.net/p/zero/1.0/88x31.png)](http://creativecommons.org/publicdomain/zero/1.0/) - -To the extent possible under law, [Matias Singers](http://mts.io) has waived all copyright and related or neighboring rights to this work. +
+## Awesome Slack Communities [![Awesome](https://cdn.rawgit.com/sindresorhus/awesome/d7305f38d29fed78fa85652e3a63e154dd8e8829/media/badge.svg)](https://github.com/sindresorhus/awesome) +[![Build Status](https://api.travis-ci.org/filipelinhares/awesome-slack.svg)](https://travis-ci.org/filipelinhares/awesome-slack) + +A list of communities about web development and design that are powered by **Slack**. + +## What's Slack +> Slack is a platform for team communication: everything in one place, instantly searchable, available wherever you go. *- slack.com* + + +## Development +- [Ember](https://ember-community-slackin.herokuapp.com/) +- [Laravel](https://larachat.co/) +- [Ruby](https://rubydevelopers.typeform.com/to/l7WVWl) +- [Front end](https://frontenddevelopers.org/) +- [Android](https://androidchat.co/) +- [GO](https://docs.google.com/forms/d/e/1FAIpQLScNsNXbz2SCLH5hVNoZS0C70nPAXv730SW9F3K1g6iVvlcUTg/viewform?fbzx=4754263898376949596) +- [PHP Chat](https://phpchat.co) +- [Clojure](http://clojurians.net/) +- [iOS Developers](https://ios-developers.io/) +- [Elixir](https://elixir-slackin.herokuapp.com/) +- [slashrocket](https://slashrocket.io/) +- [Cordova](http://slack.cordova.io/) +- [Python Community](https://pythoncommunity.herokuapp.com/) +- [CFML/ColdFusion](https://cfml-slack.herokuapp.com/) + + +## Regional +- [Australia & New Zealand](http://devanz.co) +- [Les Pitonneux - Montreal QC Canada](https://pitonneux.slack.com) +- [Python Brazilian Community](http://slack-pythonbrasil.herokuapp.com/) +- [Remote workers in Romania](https://github.com/filipelinhares/awesome-slack/blob/master/weworkremotely.slack.com/) +- [Russian-speaking developers community](https://rusdevs.herokuapp.com/) +- [Kazan Developers](https://devkzn.slack.com/) +- [Polish developers](http://slackin.devstyle.pl/) +- [Spanish-speaking developer communities list](https://github.com/comunidad-tecnologica/awesome-spanish-slack-dev-groups) +- [Ruby Turkey Community](https://rubytr.herokuapp.com/) +- [Rochester NY USA Developers (RocDev)](https://rocdev.org/) +- [Vancouver Developers (yvrdev)](https://yvrdev.slack.com/) + +## Design +- [Sketch](http://teamsketch.io/) +- [Design Talks](https://docs.google.com/forms/d/e/1FAIpQLSeKT_LC8kKTzJ4JjmgVQVpfl24i1qBkjJ7TYyQcNHL7fBQkYQ/viewform?c=0&w=1) +- [Designer Hangout](https://www.designerhangout.co/) + +## Misc +- [WordPress](https://make.wordpress.org/chat/) +- [Chit Chats](http://www.chitchats.co/) +- [The Evangelist Collective](https://github.com/evangelistcollective/) +- [Psychedelic Chat](http://psychedelicchat.com/) +- [LGBTQ in Technology](https://lgbtq.technology/) +- [#Startup](http://startup.chat) +- [Safelight](http://safelight.herokuapp.com/) - Photography. +- [DFIR Community](https://rishi28.typeform.com/to/sTbTI8) - Information Security. +- [First Contributors](https://firstcontributors.slack.com/join/shared_invite/enQtNjkxNzQwNzA2MTMwLTVhMWJjNjg2ODRlNWZhNjIzYjgwNDIyZWYwZjhjYTQ4OTBjMWM0MmFhZDUxNzBiYzczMGNiYzcxNjkzZDZlMDM#/) - Help / mentorship for open source contributors. +- [IT Pro Community](https://www.electric.ai/it-pro-slack) - Connect and network with IT practitioners and decision-makers +- [SaaS Community](https://join.slack.com/t/saas-hgv7803/shared_invite/zt-qwvrywyr-8DmSpEzBiSWD2WQuB9r9pw) - Community for SaaS product builders, to discuss the challenges involved. +- [Developer Marketing](https://marketingto.dev/) - Passionate marketing folks working in API Marketing, developer tooling, or actively marketing to developers. + +## DevOps +- [Google Cloud Platform](http://bit.ly/gcp-slack) +- [Kubernetes](http://slack.kubernetes.io/) +- [DevOps](https://devopschat.co/) +- [Devop Engineers](https://www.devopsengineers.com/) +- [SweetOps](https://slack.cloudposse.com/) +## Looking for more lists like that +- [Awesome Community](https://github.com/phpearth/awesome-community) + +## Contribute +Your contributions and suggestions are :heart: welcome. Ensure to read the [guidelines](https://github.com/filipelinhares/awesome-slack/blob/master/CONTRIBUTING.md) first. + +## License +[![CC0](http://mirrors.creativecommons.org/presskit/buttons/88x31/svg/cc-zero.svg)](https://creativecommons.org/publicdomain/zero/1.0/) diff --git a/docs/awesome/awesome-talks.md b/docs/awesome/awesome-talks.md index 8ef261f9bf..506f8c5546 100644 --- a/docs/awesome/awesome-talks.md +++ b/docs/awesome/awesome-talks.md @@ -2,9 +2,9 @@ ## Awesome talks [![Awesome](https://cdn.rawgit.com/sindresorhus/awesome/d7305f38d29fed78fa85652e3a63e154dd8e8829/media/badge.svg)](https://github.com/sindresorhus/awesome) -网上有大量的截屏视频、用户组聚会和会议演讲的录音. 我尝试让自己每周至少观看两场新的演讲,而且我这样做已经有一段时间了. 我创建了这个我非常喜欢观看的在线演讲列表. 每当我观看另一个足够有价值的“很棒的”演讲时,我也会更新这个列表. 建议总是通过拉取请求得到赞赏. 所以事不宜迟.. +There are a lot of screencasts, recordings of user group gatherings and conference talks available online. I try to commit myself watching at least two new talks every week, and I've been doing this for quite some time now. I created this list of online talks that I really enjoyed watching. I'll also be updating this list whenever I've watched another *awesome* talk that is worthy enough. Suggestions are always appreciated through a pull request. So without further ado .. -(排名不分先后) +(In no particular order) ### Categories - [Software Development](https://github.com/JanVanRyswyck/awesome-talks#software-development) @@ -22,171 +22,171 @@ #### Software Development -* [The Computer Revolution hasn't happend yet](https://www.youtube.com/watch?v=oKg1hTOQXoY) 作者:**艾伦·凯** [1:04:34] -* [The Future of Programming](https://vimeo.com/71278954) 通过 **布雷特·维克多** [32:55] -* [Inventing on Principle](https://vimeo.com/38272912) 通过 **布雷特·维克多** [54:20] -* [Media for Thinking the Unthinkable](http://worrydream.com/MediaForThinkingTheUnthinkable/) 通过**布雷特·维克多** [39:32] -* [Finding a Way Out](http://www.infoq.com/presentations/reimagining-software) 作者:**克里斯·格兰杰** [33:46] -* [Programming is terrible - Lessons learned from a life wasted](https://www.youtube.com/watch?v=AUYPnxv0yss) 作者:**托马斯·费格** [1:06:43] -* [Computers are a Sadness, I am the Cure](https://vimeo.com/95066828) 通过 **詹姆斯·米肯斯** [27:35] -* [Are We There Yet?](http://www.infoq.com/presentations/Are-We-There-Yet-Rich-Hickey) 作者:**里奇·希基** [1:10:04] -* [Simple Made Easy](http://www.infoq.com/presentations/Simple-Made-Easy) 作者:**里奇·希基** [1:01:26] -* [The Value of Values](https://www.infoq.com/presentations/Value-Values) 通过**丰富的希基** [58:53] -* [Effective Programs - 10 Years of Clojure](https://www.youtube.com/watch?v=2V1FtfBDsLU) 作者:**里奇·希基** [1:14:51] -* [The Web We Lost](https://www.youtube.com/watch?v=9KKMnoTTHJk) 作者:**阿尼尔·达什** [1:10:54] -* [Growing a Language](https://www.youtube.com/watch?v=_ahvzDzKdB0) 通过 **盖·斯蒂尔** [53:30] -* [The Mess We're In](https://www.youtube.com/watch?v=lKXe3HUG2l4&list=UU_QIfHvN9auy2CoOdSfMWDw) 作者:**乔·阿姆斯特朗** [45:49] -* [To the Moon!](https://www.youtube.com/watch?v=4Sso4HtvJsw) 作者:**拉斯·奥尔森** [52:43] -* [Simplify Challenging Software Problems with Rocket Science](https://www.youtube.com/watch?v=h1g1YyVO6j8) 作者:**布拉德利·格泽西亚克** [23:07] -* [A short history of Software Engineering, and other ideas that didn't work](https://www.youtube.com/watch?v=CnquVcxvAl0) 作者:**保罗·佩罗塔** [36:35] -* [Linus Torvalds on Git](https://www.youtube.com/watch?v=idLyobOhtO4) 作者:**莱纳斯·托瓦兹** [1:10:14] -* [The Worst Programming Language Ever](http://www.infoq.com/presentations/worst-programming-language) 作者:**马克·伦德尔** [43:46] -* [Unconventional Programming with Chemical Computing](https://www.youtube.com/watch?v=cHoYNStQOEc) 通过 **卡琳·迈耶** [36:00] -* [Seven Ineffective Coding Habits of Many Programmers](https://vimeo.com/97329157) 作者:**凯夫林·海尼** [01:02:52] -* [5 WTFs in 6 LOCs](https://vimeo.com/181409251) 作者:**多萝西·温格罗夫** [05:11] -* [Programming is Writing is Programming](https://www.youtube.com/watch?v=uO3a4HIBDU4) 通过 **费利安·赫尔曼斯** [55:46] -* [We're Doing It All Wrong](https://www.youtube.com/watch?v=TS1lpKBMkgg) 作者:**保罗·菲利普斯** [50:42] -* [Real Software Engineering](https://www.youtube.com/watch?v=RhdlBHHimeM) 作者:**格伦·范德堡** [1:07:57] -* [Feature Branching Considered Evil](https://www.youtube.com/watch?v=h7LeD7VevyI) 作者:**蒂埃里·德·鲍** [49:38] -* [Programming’s Greatest Mistakes](https://www.youtube.com/watch?v=qC_ioJQpv4E) 作者:**马克·伦德尔** [55:34] -* [Email vs Capitalism, or, Why We Can't Have Nice Things](https://www.youtube.com/watch?v=mrGfahzt-4Q) 作者:**迪伦·贝蒂** [56:45] +* [The Computer Revolution hasn't happend yet](https://www.youtube.com/watch?v=oKg1hTOQXoY) by **Alan Kay** [1:04:34] +* [The Future of Programming](https://vimeo.com/71278954) by **Bret Victor** [32:55] +* [Inventing on Principle](https://vimeo.com/38272912) by **Bret Victor** [54:20] +* [Media for Thinking the Unthinkable](http://worrydream.com/MediaForThinkingTheUnthinkable/) by **Bret Victor** [39:32] +* [Finding a Way Out](http://www.infoq.com/presentations/reimagining-software) by **Chris Granger** [33:46] +* [Programming is terrible - Lessons learned from a life wasted](https://www.youtube.com/watch?v=AUYPnxv0yss) by **Thomas Figg** [1:06:43] +* [Computers are a Sadness, I am the Cure](https://vimeo.com/95066828) by **James Mickens** [27:35] +* [Are We There Yet?](http://www.infoq.com/presentations/Are-We-There-Yet-Rich-Hickey) by **Rich Hickey** [1:10:04] +* [Simple Made Easy](http://www.infoq.com/presentations/Simple-Made-Easy) by **Rich Hickey** [1:01:26] +* [The Value of Values](https://www.infoq.com/presentations/Value-Values) by **Rich Hickey** [58:53] +* [Effective Programs - 10 Years of Clojure](https://www.youtube.com/watch?v=2V1FtfBDsLU) by **Rich Hickey** [1:14:51] +* [The Web We Lost](https://www.youtube.com/watch?v=9KKMnoTTHJk) by **Anil Dash** [1:10:54] +* [Growing a Language](https://www.youtube.com/watch?v=_ahvzDzKdB0) by **Guy Steele** [53:30] +* [The Mess We're In](https://www.youtube.com/watch?v=lKXe3HUG2l4&list=UU_QIfHvN9auy2CoOdSfMWDw) by **Joe Armstrong** [45:49] +* [To the Moon!](https://www.youtube.com/watch?v=4Sso4HtvJsw) by **Russ Olsen** [52:43] +* [Simplify Challenging Software Problems with Rocket Science](https://www.youtube.com/watch?v=h1g1YyVO6j8) by **Bradley Grzesiak** [23:07] +* [A short history of Software Engineering, and other ideas that didn't work](https://www.youtube.com/watch?v=CnquVcxvAl0) by **Paolo Perrotta** [36:35] +* [Linus Torvalds on Git](https://www.youtube.com/watch?v=idLyobOhtO4) by **Linus Torvalds** [1:10:14] +* [The Worst Programming Language Ever](https://www.youtube.com/watch?v=vcFBwt1nu2U) by **Mark Rendle** [1:00:40] +* [Unconventional Programming with Chemical Computing](https://www.youtube.com/watch?v=cHoYNStQOEc) by **Carin Meier** [36:00] +* [Seven Ineffective Coding Habits of Many Programmers](https://vimeo.com/97329157) by **Kevlin Henney** [01:02:52] +* [5 WTFs in 6 LOCs](https://vimeo.com/181409251) by **Dorothy Wingrove** [05:11] +* [Programming is Writing is Programming](https://www.youtube.com/watch?v=uO3a4HIBDU4) by **Felienne Hermans** [55:46] +* [We're Doing It All Wrong](https://www.youtube.com/watch?v=TS1lpKBMkgg) by **Paul Phillips** [50:42] +* [Real Software Engineering](https://www.youtube.com/watch?v=RhdlBHHimeM) by **Glenn Vanderburg** [1:07:57] +* [Feature Branching Considered Evil](https://www.youtube.com/watch?v=h7LeD7VevyI) by **Thierry de Pauw** [49:38] +* [Programming’s Greatest Mistakes](https://www.youtube.com/watch?v=qC_ioJQpv4E) by **Mark Rendle** [55:34] +* [Email vs Capitalism, or, Why We Can't Have Nice Things](https://www.youtube.com/watch?v=mrGfahzt-4Q) by **Dylan Beattie** [56:45] #### Object-Oriented Programming -* [Functional is cool, but do you know OO](https://www.youtube.com/watch?v=oiFYPAel-KY) 通过 **桑德罗·曼库索** [54:17] -* [Stop Writing Classes](http://pyvideo.org/video/880/stop-writing-classes) 作者:**杰克·迪德里奇** [27:29] +* [Functional is cool, but do you know OO](https://www.youtube.com/watch?v=oiFYPAel-KY) by **Sandro Mancuso** [54:17] +* [Stop Writing Classes](http://pyvideo.org/video/880/stop-writing-classes) by **Jack Diederich** [27:29] #### Functional Programming -* [Functional Principles for Object-Oriented Developers](http://www.youtube.com/watch?v=pMGY9ViIGNU) 通过**杰西卡·克尔** [51:13] -* [Adventures in Functional Programming](https://vimeo.com/45140590) 作者:**吉姆·韦里奇** [50:34] -* [Functional Programming: What? Why? When?](https://vimeo.com/97514630) 作者:**罗伯特·C·马丁** [58:26] -* [Deconstructing Functional Programming](http://www.infoq.com/presentations/functional-pros-cons) 作者:**吉拉德·布拉查** [48:33] -* [Living in a Post-Functional World](http://www.infoq.com/presentations/post-functional-scala-clojure-haskell) 作者:**丹尼尔·斯皮瓦克** [45:46] -* [Extreme Cleverness: Functional Data Structures in Scala](https://www.youtube.com/watch?v=pNhBQJN44YQ) 作者:**丹尼尔·斯皮瓦克** [39:24] -* [Tangible Functional Programming](https://www.youtube.com/watch?v=faJ8N0giqzw) 通过 **康纳尔·埃利奥特** [56:24] -* [Faith, Evolution, and Programming Languages](https://www.youtube.com/watch?v=8frGknO8rIg) 作者:**菲利普·瓦德勒** [1:06:53] -* [Don't fear the Monad](https://www.youtube.com/watch?v=ZhuHCtR3xq8) 由**博士. 布莱恩·贝克曼** [1:07:10] -* [Functional Programming Design Patterns](https://skillsmatter.com/skillscasts/6120-functional-programming-design-patterns-with-scott-wlaschin) 通过 **斯科特·弗拉斯钦** [1:49:10] -* [Domain modelling with the F# type system](http://vimeo.com/97507575) 通过 **斯科特·弗拉斯钦** [1:03:40] -* [Propositions as Types](https://www.youtube.com/watch?v=IOiZatlZtGU) 作者:**菲利普·瓦德勒** [42:42] -* [Category Theory for the Working Hacker](https://www.infoq.com/presentations/category-theory-propositions-principle) 作者:**菲利普·瓦德勒** [42:17] -* [Types are like the Weather, Type Systems are like Weathermen](https://www.youtube.com/watch?v=XTl7Jn_kmio) 作者:**马蒂亚斯·费莱森** [1:15:18] -* [Functional architecture - The pits of success](https://www.youtube.com/watch?v=US8QG9I1XW0) 作者:**马克·西曼** [1:00:09] -* [To Clojure and back: Writing and rewriting in Ruby](https://www.youtube.com/watch?v=doZ0XAc9Wtc) 作者:**菲利普·门多萨-维埃拉** [33:16] -* [All I needed for FP I learned in High School Algebra](https://www.youtube.com/watch?v=epT1xgxSpFU) 作者:**埃里克·诺曼德** [33:05] -* [Solving Problems The Clojure Way](https://www.youtube.com/watch?v=vK1DazRK_a0) 作者:**拉法尔·迪特瓦尔德** [01:02:25] +* [Functional Principles for Object-Oriented Developers](http://www.youtube.com/watch?v=pMGY9ViIGNU) by **Jessica Kerr** [51:13] +* [Adventures in Functional Programming](https://vimeo.com/45140590) by **Jim Weirich** [50:34] +* [Functional Programming: What? Why? When?](https://vimeo.com/97514630) by **Robert C. Martin** [58:26] +* [Deconstructing Functional Programming](http://www.infoq.com/presentations/functional-pros-cons) by **Gilad Bracha** [48:33] +* [Living in a Post-Functional World](http://www.infoq.com/presentations/post-functional-scala-clojure-haskell) by **Daniel Spiewak** [45:46] +* [Extreme Cleverness: Functional Data Structures in Scala](https://www.youtube.com/watch?v=pNhBQJN44YQ) by **Daniel Spiewak** [39:24] +* [Tangible Functional Programming](https://www.youtube.com/watch?v=faJ8N0giqzw) by **Conal Elliott** [56:24] +* [Faith, Evolution, and Programming Languages](https://www.youtube.com/watch?v=8frGknO8rIg) by **Phillip Wadler** [1:06:53] +* [Don't fear the Monad](https://www.youtube.com/watch?v=ZhuHCtR3xq8) by **Dr. Brian Beckman** [1:07:10] +* [Functional Programming Design Patterns](https://skillsmatter.com/skillscasts/6120-functional-programming-design-patterns-with-scott-wlaschin) by **Scott Wlaschin** [1:49:10] +* [Domain modelling with the F# type system](http://vimeo.com/97507575) by **Scott Wlaschin** [1:03:40] +* [Propositions as Types](https://www.youtube.com/watch?v=IOiZatlZtGU) by **Philip Wadler** [42:42] +* [Category Theory for the Working Hacker](https://www.infoq.com/presentations/category-theory-propositions-principle) by **Philip Wadler** [42:17] +* [Types are like the Weather, Type Systems are like Weathermen](https://www.youtube.com/watch?v=XTl7Jn_kmio) by **Matthias Felleisen** [1:15:18] +* [Functional architecture - The pits of success](https://www.youtube.com/watch?v=US8QG9I1XW0) by **Mark Seemann** [1:00:09] +* [To Clojure and back: Writing and rewriting in Ruby](https://www.youtube.com/watch?v=doZ0XAc9Wtc) by **Phillip Mendonça-Vieira** [33:16] +* [All I needed for FP I learned in High School Algebra](https://www.youtube.com/watch?v=epT1xgxSpFU) by **Eric Normand** [33:05] +* [Solving Problems The Clojure Way](https://www.youtube.com/watch?v=vK1DazRK_a0) by **Rafal Dittwald** [01:02:25] #### Software Design -* [Architecture the Lost Years](https://www.youtube.com/watch?v=WpkDN78P884) 作者:**罗伯特·C·马丁** [1:06:38] -* [DDD: putting the model to work](http://www.infoq.com/presentations/model-to-work-evans) 作者:**埃里克·埃文斯** [58:48] -* [Unleash Your Domain](https://vimeo.com/19428577) 通过 **格雷格·杨** [45:20] -* [The Art of Destroying Software](https://vimeo.com/108441214) 通过 **格雷格·杨** [42:30] -* [8 Lines of Code](https://www.infoq.com/presentations/8-lines-code-refactoring) 通过 **格雷格·杨** [54:43] -* [Strategic Design](http://www.infoq.com/presentations/strategic-design-evans) 作者:**埃里克·埃文斯** [54:40] -* [Reliability, Availability, and Scalability](https://vimeo.com/6222577) 作者:**Udi Dahan** [1:11:09] 免费下载、收听和查看 **Udi Dahan** MP3、视频和歌词 -* [Implementing Micro Service Architectures](https://vimeo.com/79866979) 作者:**弗雷德·乔治** [54:40] -* [Immutability Changes Everything](http://vimeo.com/52831373) 作者:**帕特·海兰** [45:19] -* [Crafting Wicked Domain Models](https://vimeo.com/43598193) 作者:**吉米·博加德** [1:03:03] -* [The Actor Model](http://channel9.msdn.com/Shows/Going+Deep/Hewitt-Meijer-and-Szyperski-The-Actor-Model-everything-you-wanted-to-know-but-were-afraid-to-ask) 作者:**休伊特、梅杰和西珀斯基** [42:34] -* [How To Design A Good API and Why it Matters](http://www.youtube.com/watch?v=aAb7hSCtvGw) 作者:**乔什·布洛赫** [1:00:18] -* [The Joys and Pains of a Long Lived Codebase](http://www.infoq.com/presentations/Lessons-Learned-Jeremy-Miller) 作者:**杰里米·D·米勒** [1:02:30] -* [Microservices](https://www.youtube.com/watch?v=wgdBVIX9ifA) 作者:**马丁·福勒** [26.25] -* [Stewardship: The Sobering Parts](https://www.youtube.com/watch?v=2y5Pv4yN0b0) 作者:**布莱恩·戈茨** [1:03:30] -* [Therapeutic Refactoring](https://www.youtube.com/watch?v=J4dlF0kcThQ) 通过 **卡特里娜·欧文** [26:04] -* [Evidence-Oriented Programming](https://www.youtube.com/watch?v=uEFrE6cgVNY) 作者:**安德烈亚斯·斯特菲克** [41:42] -* [The Programming Language Wars](https://www.youtube.com/watch?v=mDZ-QSLQIB8) 通过 **安德烈亚斯·斯特菲克** [50:28] -* [Hopelessness and Confidence in Distributed Systems Design](https://www.youtube.com/watch?v=TlU1opuCXB0) 作者:**卡米尔·福尼尔** [40:35] -* [Kill "Microservices" Before Its Too Late](https://www.youtube.com/watch?v=-UKEPd2ipEk) 作者:**查德·福勒** [39:41] -* [The Lost Art Of Software Design](https://www.youtube.com/watch?v=XPSZC3mJRO0) 作者:**西蒙·布朗** [46:15] -* [Tidy First](https://www.youtube.com/watch?v=XmsyvStDuqI) 作者:**肯特·贝克** [46:19] +* [Architecture the Lost Years](https://www.youtube.com/watch?v=WpkDN78P884) by **Robert C. Martin** [1:06:38] +* [DDD: putting the model to work](http://www.infoq.com/presentations/model-to-work-evans) by **Eric Evans** [58:48] +* [Unleash Your Domain](https://vimeo.com/19428577) by **Greg Young** [45:20] +* [The Art of Destroying Software](https://vimeo.com/108441214) by **Greg Young** [42:30] +* [8 Lines of Code](https://www.infoq.com/presentations/8-lines-code-refactoring) by **Greg Young** [54:43] +* [Strategic Design](http://www.infoq.com/presentations/strategic-design-evans) by **Eric Evans** [54:40] +* [Reliability, Availability, and Scalability](https://vimeo.com/6222577) by **Udi Dahan** [1:11:09] +* [Implementing Micro Service Architectures](https://vimeo.com/79866979) by **Fred George** [54:40] +* [Immutability Changes Everything](http://vimeo.com/52831373) by **Pat Helland** [45:19] +* [Crafting Wicked Domain Models](https://vimeo.com/43598193) by **Jimmy Bogard** [1:03:03] +* [The Actor Model](http://channel9.msdn.com/Shows/Going+Deep/Hewitt-Meijer-and-Szyperski-The-Actor-Model-everything-you-wanted-to-know-but-were-afraid-to-ask) by **Hewitt, Meijer and Szyperski** [42:34] +* [How To Design A Good API and Why it Matters](http://www.youtube.com/watch?v=aAb7hSCtvGw) by **Josh Bloch** [1:00:18] +* [The Joys and Pains of a Long Lived Codebase](http://www.infoq.com/presentations/Lessons-Learned-Jeremy-Miller) by **Jeremy D Miller** [1:02:30] +* [Microservices](https://www.youtube.com/watch?v=wgdBVIX9ifA) by **Martin Fowler** [26.25] +* [Stewardship: The Sobering Parts](https://www.youtube.com/watch?v=2y5Pv4yN0b0) by **Brian Goetz** [1:03:30] +* [Therapeutic Refactoring](https://www.youtube.com/watch?v=J4dlF0kcThQ) by **Katrina Owen** [26:04] +* [Evidence-Oriented Programming](https://www.youtube.com/watch?v=uEFrE6cgVNY) by **Andreas Stefik** [41:42] +* [The Programming Language Wars](https://www.youtube.com/watch?v=mDZ-QSLQIB8) by **Andreas Stefik** [50:28] +* [Hopelessness and Confidence in Distributed Systems Design](https://www.youtube.com/watch?v=TlU1opuCXB0) by **Camille Fournier** [40:35] +* [Kill "Microservices" Before Its Too Late](https://www.youtube.com/watch?v=-UKEPd2ipEk) by **Chad Fowler** [39:41] +* [The Lost Art Of Software Design](https://www.youtube.com/watch?v=XPSZC3mJRO0) by **Simon Brown** [46:15] +* [Tidy First](https://www.youtube.com/watch?v=XmsyvStDuqI) by **Kent Beck** [46:19] #### Web Development -* [Crockford on JavaScript](https://www.youtube.com/playlist?list=PL7664379246A246CB) 作者:**道格拉斯·克罗克福德** [10:14:37] -* [Go To There and Back Again](http://vimeo.com/78893726) 作者:**道格拉斯·克罗克福德** [49:06] -* [The Better Parts](https://www.youtube.com/watch?v=bo36MrBfTk4) 作者:**道格拉斯·克罗克福德** [01:00:52] -* [Introduction to Node.js](https://www.youtube.com/watch?v=M-sc73Y-zQA) 通过 **瑞安·达尔** [58:19] -* [WAT](https://www.destroyallsoftware.com/talks/wat) 作者:**加里·伯恩哈特** [4:17] -* [The Birth & Death of JavaScript](https://www.destroyallsoftware.com/talks/the-birth-and-death-of-javascript) 作者:**加里·伯恩哈特** [29:22] -* [Hey Underscore, You're Doing It Wrong!](http://www.youtube.com/watch?v=m3svKOdZijA) 通过 **布莱恩·朗斯多夫** [36:30] -* [Community.js](https://www.youtube.com/watch?v=23Yxji-tEfc) 作者:**克里斯·威廉姆斯** [21:39] -* [An End to Negativity](https://www.youtube.com/watch?v=17rkSdkc5TI) 作者:**克里斯·威廉姆斯** [27:25] -* [Is Node.js Better](https://www.youtube.com/watch?v=C5fa1LZYodQ) 作者:**布莱恩·福特** [41:42] -* [Life is Terrible: Let's Talk About the Web](http://vimeo.com/111122950) 通过 **詹姆斯·米肯斯** [32:07] -* [Critical rendering path - Crash course on web performance](https://www.youtube.com/watch?v=PkOBnYxqj3k) 作者:**伊利亚·格里戈里克** [41:10] -* [10 Things I Learned from the jQuery Source](https://vimeo.com/12529436) 作者:**保罗·爱尔兰** [53:40] -* [Om Next](https://www.youtube.com/watch?v=ByNs9TG30E8) 作者:**大卫·诺伦** [46:17] -* [ClojureScript for Skeptics ](https://www.youtube.com/watch?v=gsffg5xxFQI) 作者:**德里克·斯莱格** [41:08] +* [Crockford on JavaScript](https://www.youtube.com/playlist?list=PL7664379246A246CB) by **Douglas Crockford** [10:14:37] +* [Go To There and Back Again](http://vimeo.com/78893726) by **Douglas Crockford** [49:06] +* [The Better Parts](https://www.youtube.com/watch?v=bo36MrBfTk4) by **Douglas Crockford** [01:00:52] +* [Introduction to Node.js](https://www.youtube.com/watch?v=M-sc73Y-zQA) by **Ryan Dahl** [58:19] +* [WAT](https://www.destroyallsoftware.com/talks/wat) by **Gary Bernhardt** [4:17] +* [The Birth & Death of JavaScript](https://www.destroyallsoftware.com/talks/the-birth-and-death-of-javascript) by **Gary Bernhardt** [29:22] +* [Hey Underscore, You're Doing It Wrong!](http://www.youtube.com/watch?v=m3svKOdZijA) by **Brian Lonsdorf** [36:30] +* [Community.js](https://www.youtube.com/watch?v=23Yxji-tEfc) by **Chris Williams** [21:39] +* [An End to Negativity](https://www.youtube.com/watch?v=17rkSdkc5TI) by **Chris Williams** [27:25] +* [Is Node.js Better](https://www.youtube.com/watch?v=C5fa1LZYodQ) by **Brian Ford** [41:42] +* [Life is Terrible: Let's Talk About the Web](http://vimeo.com/111122950) by **James Mickens** [32:07] +* [Critical rendering path - Crash course on web performance](https://www.youtube.com/watch?v=PkOBnYxqj3k) by **Ilya Grigorik** [41:10] +* [10 Things I Learned from the jQuery Source](https://vimeo.com/12529436) by **Paul Irish** [53:40] +* [Om Next](https://www.youtube.com/watch?v=ByNs9TG30E8) by **David Nolen** [46:17] +* [ClojureScript for Skeptics ](https://www.youtube.com/watch?v=gsffg5xxFQI) by **Derek Slager** [41:08] #### Test-Driven Development -* [TDD, where did it all go wrong](http://vimeo.com/68375232) 作者:**伊恩·库珀** [1:00:37] -* [Holistic testing](http://vimeo.com/68390508) 作者:**吉米·博加德** [1:00:33] -* [Boundaries](https://www.destroyallsoftware.com/talks/boundaries) 作者:**加里·伯恩哈特** [33:44] -* [Is TDD Dead?](https://martinfowler.com/articles/is-tdd-dead/) 作者:**Martin Fowler、Kent Beck 和 David Heinemeier Hansson (DHH)** -* [The Transformation Priority Premise](https://www.youtube.com/watch?v=B93QezwTQpI) 作者:**罗伯特·C·马丁** [53:43] -* [TDD in Tatters](https://vimeo.com/97537026) 作者:**斯科特·贝尔韦尔** [01:07:53] -* [Test-Driven Development - Write better code in less time](https://www.youtube.com/watch?v=HhwElTL-mdI) 通过 **埃文·多恩** [30:54] -* [The Magic Tricks of Testing](https://www.youtube.com/watch?v=URSWYvyc42M) 通过 **桑迪·梅斯** [32:22] -* [How To Stop Hating Your Tests](https://vimeo.com/145917204) 作者:**贾斯汀·塞尔斯** [43:39] -* [Why You Don't Get Mock Objects](https://www.youtube.com/watch?v=R9FOchgTtLM) 作者:**格雷戈里·莫克** [44:42] -* [The Clean Code Talks - Unit Testing](https://www.youtube.com/watch?v=wEhu57pih5w) 作者:**米斯科·赫弗里** [32:07] -* [TDD and Software Design](https://www.youtube.com/watch?v=ty3p5VDcoOI) 作者:**JB Rainsberger 和桑德罗·曼库索** [01:28:50] -* [Integrated Tests Are a Scam](https://vimeo.com/80533536) 作者:**JB Rainsberger** [01:04:35] -* [Structure and Interpretation of Test Cases](https://vimeo.com/289852238) 作者:**凯夫林·海尼** [01:04:23] -* [Does TDD Really Lead to Good Design?](https://www.youtube.com/watch?v=KyFVA4Spcgg) 通过 **桑德罗·曼库索** [57:59] -* [TDD For Those Who Don't Need It](https://www.youtube.com/watch?v=a6oP24CSdUg) 作者:**周俊杰** [13:42] +* [TDD, where did it all go wrong](http://vimeo.com/68375232) by **Ian Cooper** [1:00:37] +* [Holistic testing](http://vimeo.com/68390508) by **Jimmy Bogard** [1:00:33] +* [Boundaries](https://www.destroyallsoftware.com/talks/boundaries) by **Gary Bernhardt** [33:44] +* [Is TDD Dead?](https://martinfowler.com/articles/is-tdd-dead/) by **Martin Fowler, Kent Beck, and David Heinemeier Hansson (DHH)** +* [The Transformation Priority Premise](https://www.youtube.com/watch?v=B93QezwTQpI) by **Robert C. Martin** [53:43] +* [TDD in Tatters](https://vimeo.com/97537026) by **Scott Bellware** [01:07:53] +* [Test-Driven Development - Write better code in less time](https://www.youtube.com/watch?v=HhwElTL-mdI) by **Evan Dorn** [30:54] +* [The Magic Tricks of Testing](https://www.youtube.com/watch?v=URSWYvyc42M) by **Sandi Metz** [32:22] +* [How To Stop Hating Your Tests](https://vimeo.com/145917204) by **Justin Searls** [43:39] +* [Why You Don't Get Mock Objects](https://www.youtube.com/watch?v=R9FOchgTtLM) by **Gregory Moeck** [44:42] +* [The Clean Code Talks - Unit Testing](https://www.youtube.com/watch?v=wEhu57pih5w) by **Misko Hevery** [32:07] +* [TDD and Software Design](https://www.youtube.com/watch?v=ty3p5VDcoOI) by **JB Rainsberger and Sandro Mancuso** [01:28:50] +* [Integrated Tests Are a Scam](https://vimeo.com/80533536) by **JB Rainsberger** [01:04:35] +* [Structure and Interpretation of Test Cases](https://vimeo.com/289852238) by **Kevlin Henney** [01:04:23] +* [Does TDD Really Lead to Good Design?](https://www.youtube.com/watch?v=KyFVA4Spcgg) by **Sandro Mancuso** [57:59] +* [TDD For Those Who Don't Need It](https://www.youtube.com/watch?v=a6oP24CSdUg) by **Chew Choon Keat** [13:42] #### Methodologies -* [The Land that Scrum Forgot](https://www.youtube.com/watch?v=hG4LH6P8Syk) 作者:**罗伯特·C·马丁** [45:41] -* [Demanding Professionalism in Software Development](https://www.youtube.com/watch?v=p0O1VVqRSK0) 作者:**罗伯特·C·马丁** [45:03] -* [Spotify Engineering Culture - Part 1](https://vimeo.com/85490944) 作者:**Spotify 培训与开发** [13:12] -* [Spotify Engineering Culture - Part 2](http://vimeo.com/94950270) 作者:**Spotify 培训与开发** [13:27] -* [Adopting Continuous Delivery](http://vimeo.com/68320415) 作者:**杰兹·谦卑** [47:22] -* [The Death of Agile](http://www.thoughtworks.com/talks/the-death-of-agile) 作者:**戴夫·托马斯** [47:47] -* [Why Agile Works](https://www.youtube.com/watch?v=BdSiBlLafNY) 作者:**阿利斯泰尔·科伯恩** [53:03] -* [Implementing Programmer Anarchy](https://vimeo.com/79866978) 作者:**弗雷德·乔治** [54:55] -* [Moving Past the Scaling Myth](https://www.infoq.com/presentations/scalability-variant-structuring#) 作者:**迈克尔·羽毛** [52:02] -* [It Is Not About Software Anymore](https://www.youtube.com/watch?v=X8iIRG9LA54) 作者:**玛丽·波彭迪克** [01:06:38] -* [7 minutes, 26 seconds, and the Fundamental Theorem of Agile Software Development](https://www.youtube.com/watch?v=WSes_PexXcA) 作者:**JB Rainsberger** [00:07:42] -* [Explaining Team Flow](https://www.youtube.com/watch?v=bhpQKA9XYcE) 作者:**米歇尔·格鲁詹斯** [14:30] +* [The Land that Scrum Forgot](https://www.youtube.com/watch?v=hG4LH6P8Syk) by **Robert C. Martin** [45:41] +* [Demanding Professionalism in Software Development](https://www.youtube.com/watch?v=p0O1VVqRSK0) by **Robert C. Martin** [45:03] +* [Spotify Engineering Culture - Part 1](https://vimeo.com/85490944) by **Spotify Training & Development** [13:12] +* [Spotify Engineering Culture - Part 2](http://vimeo.com/94950270) by **Spotify Training & Development** [13:27] +* [Adopting Continuous Delivery](http://vimeo.com/68320415) by **Jez Humble** [47:22] +* [The Death of Agile](http://www.thoughtworks.com/talks/the-death-of-agile) by **Dave Thomas** [47:47] +* [Why Agile Works](https://www.youtube.com/watch?v=BdSiBlLafNY) by **Alistair Cockburn** [53:03] +* [Implementing Programmer Anarchy](https://vimeo.com/79866978) by **Fred George** [54:55] +* [Moving Past the Scaling Myth](https://www.infoq.com/presentations/scalability-variant-structuring#) by **Michael Feathers** [52:02] +* [It Is Not About Software Anymore](https://www.youtube.com/watch?v=X8iIRG9LA54) by **Mary Poppendieck** [01:06:38] +* [7 minutes, 26 seconds, and the Fundamental Theorem of Agile Software Development](https://www.youtube.com/watch?v=WSes_PexXcA) by **JB Rainsberger** [00:07:42] +* [Explaining Team Flow](https://www.youtube.com/watch?v=bhpQKA9XYcE) by **Michel Grootjans** [14:30] #### Computer History -* [A Brief History of Graphics](https://www.youtube.com/playlist?list=PLOQZmjD6P2HlOoEVKOPaCFvLnjP865X1f) 作者:**斯图尔特·布朗** [46:00] -* [The Charming Genius of the Apollo Guidance Computer](https://www.youtube.com/watch?v=xY45YE7ggng) 作者:**布莱恩·特劳特温** [48:36] -* [The History (and the Future) of Software](https://www.youtube.com/watch?v=OdI7Ukf-Bf4) 作者:**格雷迪·布奇** [01:09:27] -* [The Future of Programming](https://www.youtube.com/watch?v=ecIWPzGEbFc) 作者:**罗伯特·C·马丁** [01:18:20] -* [1968](https://www.youtube.com/watch?v=KjgvffBlWAg) 作者:**凯夫林·海尼** [56:44] -* [DOOM’s Development: A Year of Madness](https://www.youtube.com/watch?v=eBU34NZhW7I) 作者:**约翰·罗梅罗** [44:12] +* [A Brief History of Graphics](https://www.youtube.com/playlist?list=PLOQZmjD6P2HlOoEVKOPaCFvLnjP865X1f) by **Stuart Brown** [46:00] +* [The Charming Genius of the Apollo Guidance Computer](https://www.youtube.com/watch?v=xY45YE7ggng) by **Brian Troutwine** [48:36] +* [The History (and the Future) of Software](https://www.youtube.com/watch?v=OdI7Ukf-Bf4) by **Grady Booch** [01:09:27] +* [The Future of Programming](https://www.youtube.com/watch?v=ecIWPzGEbFc) by **Robert C. Martin** [01:18:20] +* [1968](https://www.youtube.com/watch?v=KjgvffBlWAg) by **Kevlin Henney** [56:44] +* [DOOM’s Development: A Year of Madness](https://www.youtube.com/watch?v=eBU34NZhW7I) by **John Romero** [44:12] #### Databases -* [Deconstructing the Database](https://www.youtube.com/watch?v=Cym4TZwTCNU) 作者:**里奇·希基** [1:06:23] +* [Deconstructing the Database](https://www.youtube.com/watch?v=Cym4TZwTCNU) by **Rich Hickey** [1:06:23] #### Security -* [Why Do Keynote Speakers Keep Suggesting That Improving Security Is Possible?](https://www.youtube.com/watch?v=ajGX7odA87k) 作者:**詹姆斯·米肯斯** [51:21] +* [Why Do Keynote Speakers Keep Suggesting That Improving Security Is Possible?](https://www.youtube.com/watch?v=ajGX7odA87k) by **James Mickens** [51:21] #### Testing -* [Acceptance Testing For Continuous Delivery](https://www.youtube.com/watch?v=s1Y454DTRtg) 作者:**戴夫·法利** [01:02:34] +* [Acceptance Testing For Continuous Delivery](https://www.youtube.com/watch?v=s1Y454DTRtg) by **Dave Farley** [01:02:34] #### Cognitive Development -* [A Lecture on Creativity](https://www.youtube.com/watch?v=Pb5oIIPO62g) 作者:**约翰·克里斯** [36:59] -* [The Meaning of Life](https://www.youtube.com/watch?v=zzcCWEb-tyk) 作者:**德里克·西弗斯** [18:54] -* [Becoming an Outlier: Career Reboot for the Developer Mind](https://vimeo.com/97415346) 由 **科里之家** [59:12] -* [Surviving the Framework Hype Cycle](https://www.youtube.com/watch?v=9zc4DSTRGeM) 通过 **布兰登·海斯** [35:26] -* [Stop Treading Water - Learning to Learn](https://www.youtube.com/watch?v=Z8KcCU-p8QA) 作者:**爱德华·克梅特** [40:58] -* [The Last Lecture: Achieving Your Childhood Dreams](https://www.youtube.com/watch?v=ji5_MqicxSo) 作者:**兰迪·波什** [1:16:26] -* [Steve Jobs' 2005 Stanford Commencement Address](https://www.youtube.com/watch?v=UF8uR6Z6KLc) 作者:**史蒂夫·乔布斯** [15:04] -* [Hammock Driven Development](https://www.youtube.com/watch?v=f84n5oFoZBc) 通过**丰富的希基** [39:48] -* [Drive - The Surprising Truth About What Motivates Us](https://www.youtube.com/watch?v=u6XAPnuFjJc) 作者:**RSA Animate** [10:47] -* [Ideology](https://www.destroyallsoftware.com/talks/ideology) 作者:**加里·伯恩哈特** [21:22] +* [A Lecture on Creativity](https://www.youtube.com/watch?v=Pb5oIIPO62g) by **John Cleese** [36:59] +* [The Meaning of Life](https://www.youtube.com/watch?v=zzcCWEb-tyk) by **Derek Sivers** [18:54] +* [Becoming an Outlier: Career Reboot for the Developer Mind](https://vimeo.com/97415346) by **Cory House** [59:12] +* [Surviving the Framework Hype Cycle](https://www.youtube.com/watch?v=9zc4DSTRGeM) by **Brandon Hays** [35:26] +* [Stop Treading Water - Learning to Learn](https://www.youtube.com/watch?v=Z8KcCU-p8QA) by **Edward Kmett** [40:58] +* [The Last Lecture: Achieving Your Childhood Dreams](https://www.youtube.com/watch?v=ji5_MqicxSo) by **Randy Pausch** [1:16:26] +* [Steve Jobs' 2005 Stanford Commencement Address](https://www.youtube.com/watch?v=UF8uR6Z6KLc) by **Steve Jobs** [15:04] +* [Hammock Driven Development](https://www.youtube.com/watch?v=f84n5oFoZBc) by **Rich Hickey** [39:48] +* [Drive - The Surprising Truth About What Motivates Us](https://www.youtube.com/watch?v=u6XAPnuFjJc) by **RSA Animate** [10:47] +* [Ideology](https://www.destroyallsoftware.com/talks/ideology) by **Gary Bernhardt** [21:22] ## License diff --git a/docs/awesome/awesome-webxr.md b/docs/awesome/awesome-webxr.md index 94abbeed92..64509869d4 100644 --- a/docs/awesome/awesome-webxr.md +++ b/docs/awesome/awesome-webxr.md @@ -3,208 +3,208 @@ [](https://immersiveweb.dev/) -> WebXR 链接和资源的精选列表. +> A curated list of WebXR links and resources. -[WebXR](https://developer.mozilla.org/en-US/docs/Web/API/WebXR_Device_API) 包含一组允许浏览器访问虚拟和增强现实设备的标准,使开发人员能够创建可轻松在线访问的沉浸式内容,而无需安装或店面管理. +[WebXR](https://developer.mozilla.org/en-US/docs/Web/API/WebXR_Device_API) comprises a group of standards that allow browsers to access virtual and augmented reality devices, enabling developers to create immersive content that's easily accessible online without the need for installations or storefront curation. ## Standout Projects -*令人印象深刻且著名的 WebXR 项目.* +*Impressive and notable WebXR projects.* -- [Hello WebXR](https://msub2.github.io/hello-webxr/) - 为纪念 WebXR 1.0 API 的发布而制作,展示了 WebXR 的一些功能. - - 这链接到我自己的分叉上的体验镜像,因为它不再可以在其原始域中访问. -- [Moonrider](https://moonrider.xyz/) - Supermedium打造的一款类似于Beat Saber的节奏游戏. -- [Plockle](https://plockle.com/) - 超过 40 个关卡的空间方块益智游戏. -- [Castle Builder](https://castle.needle.tools/) - 一款协作式跨平台城堡建造游戏,利用独特的 Unity-to Three.js 管道. -- [Prehistoric Domain](https://www.prehistoricdomain.com/) - 在浏览器中体验侏罗纪公园式的体验,提供多个恐龙展览,并且未来还会有更多展览. -- [Above Par-adowski WebXR Mini Golf](https://aboveparadowski.com/) - 由 Paradowski Creative 设计的 WebXR 迷你高尔夫游戏,拥有 9 个洞,分布在独特且多样化的环境中. -- [Yolopia](https://www.yolopia.com/) - 结合了流动、拳击和姿势匹配的节奏游戏. -- [f60](https://heyvr.io/game/f60) - 以苏联监狱为背景的跨平台 WebXR 密室逃脱系列. +- [Hello WebXR](https://msub2.github.io/hello-webxr/) - Made to commemorate the release of the WebXR 1.0 API, showcases some of what's possible with WebXR. + - This links to a mirror of the experience on my own fork, as it is no longer accessible at its original domain. +- [Moonrider](https://moonrider.xyz/) - A rhythm game built by Supermedium similar to Beat Saber. +- [Plockle](https://plockle.com/) - A spatial block puzzle game with over 40 levels. +- [Castle Builder](https://castle.needle.tools/) - A collaborative and cross-platform castle-building game utilizing a unique Unity-to-three.js pipeline. +- [Prehistoric Domain](https://www.prehistoricdomain.com/) - A Jurassic Park-esque experience in the browser, with multiple dinosaur exhibits available and more planned for the future. +- [Above Par-adowski WebXR Mini Golf](https://aboveparadowski.com/) - A WebXR minigolf game designed by Paradowski Creative, featuring 9 holes spread across a unique and varied environment. +- [Yolopia](https://www.yolopia.com/) - A rhythm game which combines flow, boxing and pose matching. +- [f60](https://heyvr.io/game/f60) - A cross-platform WebXR escape room series set within a Soviet prison. ## Art -*以艺术创作为中心的项目.* +*Projects centered around artistic creations.* -- [Brushwork VR](https://brushworkvr.com/) - 一款 VR 应用程序,可使用虚拟画布、调色板、颜色混合等模拟绘画过程. -- [SoulPaint](https://hatsumi.netlify.app/) - 一款 VR 应用程序,为您提供 3D 绘图工具和虚拟身体来展示生活体验. -- [Obscura](https://obscura.world/) - 漂浮并探索受卡洛·斯卡帕 (Carlo Scarpa) 建筑启发的建筑. -- [Silk Brush](https://www.silkbrush.app/) - Tilt Brush 到 WebXR 的端口以及未来扩展的计划. -- [VARTISTE](https://vartiste.xyz/) - 用于 2D 绘图和图像编辑以及 3D 模型纹理的 VR 应用程序. +- [Brushwork VR](https://brushworkvr.com/) - A VR app that simulates the process of painting with a virtual canvas, palette, color mixing, and more. +- [SoulPaint](https://hatsumi.netlify.app/) - A VR app that provides you with 3D drawing tools and a virtual body to illustrate lived experiences. +- [Obscura](https://obscura.world/) - Float around and explore a structure inspired by the architecture of Carlo Scarpa. +- [Silk Brush](https://www.silkbrush.app/) - A port of Tilt Brush to WebXR with plans for future extensions. +- [VARTISTE](https://vartiste.xyz/) - A VR app for 2D drawing and image editing, and 3D model texturing. ## Audio -*以音频和视听体验为中心的项目.* +*Projects centered around audio and audiovisual experiences.* -- [beats](https://beats.gatunes.com/) - 具有多个房间的半协作应用程序,任何人都可以在其中创建或修改现有的音乐循环. -- [Fathom VR](https://www.letsfathom.com/vr/play) - 音乐发现应用程序 Fathom 的 WebXR 版本,可让您通过空间化音频搜索和探索相关艺术家的云. -- [TRACK](https://demos.littleworkshop.fr/track) - 线性乘坐沉浸式视听体验 [Little Workshop](https://www.littleworkshop.fr/). +- [beats](https://beats.gatunes.com/) - A semi-collaborative app with various rooms where anyone can create or modify an existing musical loop. +- [Fathom VR](https://www.letsfathom.com/vr/play) - A WebXR version of the music discovery app Fathom, which lets you search for and explore clouds of related artists with spatialized audio. +- [TRACK](https://demos.littleworkshop.fr/track) - A linear ride through an immersive audiovisual experience developed by [Little Workshop](https://www.littleworkshop.fr/). ## Avatars *Resources for creating and utilizing 3D avatars in immersive experiences.* -- [Exokit Avatars](https://github.com/exokitxr/avatars) - 基于网络的头像系统,可以加载多种不同模型格式的人形头像,并具有手臂+腿 IK、通过视位进行面部动画等功能. 原始存储库不再维护,但有一个更新的分支可用 [here](https://github.com/msub2/avatars). -- [ReadyPlayerMe](https://readyplayer.me/) - 让您快速轻松地在线创建 3D 头像,并可以以 glTF 格式下载. -- [VRoid](https://vroid.com/en) - 让您创建动漫风格的 3D 头像,并导出为高度兼容的 .vrm 格式. +- [Exokit Avatars](https://github.com/exokitxr/avatars) - A web-based avatar system that can load humanoid avatars in multiple different model formats and features arm+leg IK, facial animation via visemes, and more. The original repo is no longer maintained, but there is a more up-to-date fork available [here](https://github.com/msub2/avatars). +- [ReadyPlayerMe](https://readyplayer.me/) - Lets you quickly and easily create a 3D avatar online that you can download in glTF format. +- [VRoid](https://vroid.com/en) - Lets you create anime-styled 3D avatars that export to the highly-compatible .vrm format. ## Communities -*WebXR 开发人员聚集、提出问题、共享项目等的地方* +*Where WebXR developers gather, ask questions, share projects, etc.* ### Discord -- [Metaverse Makers Discord](https://discord.gg/UgZDFZW) - M3(Metaverse Makers Mastermind 小组)的官方服务器. -- [WebXR Discord](https://discord.gg/Jt5tfaM) - WebXR 的官方 Discord 服务器,拥有超过 1000 名成员. -- [WebXR Francophone Discord](https://discord.gg/JGsaYQJeuM) - 用于 WebXR 的法语 Discord 服务器. -- [Wonderland Engine Discord](https://discord.gg/FE8QnDP) - Wonderland 引擎 Discord 服务器. -- [XR Foundation Discord](https://discord.gg/Tb4MT4TTjH) - XR基金会的官方服务器,负责XREngine和各种其他与元宇宙相关的项目. -- [Zesty Market Discord](https://discord.gg/7d7agTbmKf) - Zesty Market 的官方服务器. +- [Metaverse Makers Discord](https://discord.gg/UgZDFZW) - Official server for M3, the Metaverse Makers Mastermind group. +- [WebXR Discord](https://discord.gg/Jt5tfaM) - Official Discord server for all things WebXR, with over 1000 members. +- [WebXR Francophone Discord](https://discord.gg/JGsaYQJeuM) - French-speaking Discord server for WebXR. +- [Wonderland Engine Discord](https://discord.gg/FE8QnDP) - Wonderland Engine Discord server. +- [XR Foundation Discord](https://discord.gg/Tb4MT4TTjH) - Official server for XR Foundation, responsible for XREngine and various other metaverse-related projects. +- [Zesty Market Discord](https://discord.gg/7d7agTbmKf) - Official server for Zesty Market. ### Facebook -- [Immersive Web](https://www.facebook.com/groups/immersiveweb/) - 最古老的 WebXR 相关小组,最初是为 WebVR 制作的. -- [WebXR](https://www.facebook.com/groups/arvrweb/) - 稍新的以 WebXR 为中心的小组. -- [WebXR Korea](https://www.facebook.com/groups/webxrko/) - 由 Belivvr 创建的韩国 WebXR 小组. -- [WebXR Paris](https://www.facebook.com/groups/548527285323630/) - WebXR Paris 小组的合作伙伴 [Meetup](https://www.meetup.com/WebXR-Paris/). +- [Immersive Web](https://www.facebook.com/groups/immersiveweb/) - Oldest WebXR-related group, originally made for WebVR. +- [WebXR](https://www.facebook.com/groups/arvrweb/) - Slightly newer WebXR-centric group. +- [WebXR Korea](https://www.facebook.com/groups/webxrko/) - Korean WebXR group created by Belivvr. +- [WebXR Paris](https://www.facebook.com/groups/548527285323630/) - Companion to the WebXR Paris group on [Meetup](https://www.meetup.com/WebXR-Paris/). ### Forums -- [Babylon.js Forum](https://forum.babylonjs.com/) - Babylon.js 官方论坛. -- [three.js Forum](https://discourse.threejs.org/) - 官方 Three.js 论坛. -- [PlayCanvas Forum](https://forum.playcanvas.com/) - PlayCanvas 官方论坛. -- [WebXR Community Forum](https://www.webxr.community/) - WebXR 所有内容的官方论坛. WebXR Discord 的姐妹社区. +- [Babylon.js Forum](https://forum.babylonjs.com/) - Official Babylon.js forum. +- [three.js Forum](https://discourse.threejs.org/) - Official three.js forum. +- [PlayCanvas Forum](https://forum.playcanvas.com/) - Official PlayCanvas forum. +- [WebXR Community Forum](https://www.webxr.community/) - Official forum for all things WebXR. Sister community to the WebXR Discord. ### Reddit -- [r/WebVR](https://www.reddit.com/r/WebVR/) - 最初是 WebVR 讨论的主要 Reddit 子版块,现在包含一般 WebXR 内容以及 [r/WebXR](https://www.reddit.com/r/WebXR/). +- [r/WebVR](https://www.reddit.com/r/WebVR/) - Initially the main subreddit for WebVR discussion, now features general WebXR content along with [r/WebXR](https://www.reddit.com/r/WebXR/). - [r/WonderlandEngine](https://www.reddit.com/r/WonderlandEngine/) - Wonderland Engine subreddit. ## Companies and Cooperatives -*以 WebXR 为中心/开展工作的公司和合作社.* +*Companies and cooperatives centered around/doing work in WebXR.* -- [Active Replica](https://www.activereplica.com/) - 通过 Mozilla Hub 提供虚拟活动托管. -- [Active Theory](https://activetheory.net/) - 开发Dreamwave平台. -- [Aircards](https://www.aircards.co/) - WebAR 广告/营销机构. -- [Hatsumi](https://www.hatsumivr.com/) - 一家设计工作室,在医疗保健和艺术的交叉领域开发经验. -- [Immers Space](https://web.immers.space/) - 分布式合作组织 (DisCO),专注于实现开放和联合的沉浸式 Web 内容. -- [Laguna Labs](https://lagunalabs.io/) - 沉浸式网络技术机构. -- [Playko Software](https://www.playko.com/) - VR/AR/WebXR 机构和 WebXR 游戏开发工作室. -- [REM5](https://www.rem5forgood.com/) - 数字沉浸式体验设计工作室,专门从事教育和社会公平倡议. -- [Sketchfab](https://sketchfab.com/) - 提供 VR 预览器的 3D 模型市场. -- [Vhite Rabbit](https://vhiterabbit.com/) - Construct Arcade 背后的母公司. +- [Active Replica](https://www.activereplica.com/) - Offers virtual event hosting through Mozilla Hubs. +- [Active Theory](https://activetheory.net/) - Developed the Dreamwave platform. +- [Aircards](https://www.aircards.co/) - WebAR advertising/marketing agency. +- [Hatsumi](https://www.hatsumivr.com/) - A design studio developing experiences at the intersection of healthcare and art. +- [Immers Space](https://web.immers.space/) - A Distributed Cooperative Organization (DisCO) focused on enabling open and federated immersive web content. +- [Laguna Labs](https://lagunalabs.io/) - Immersive web tech agency. +- [Playko Software](https://www.playko.com/) - VR/AR/WebXR agency and WebXR game development studio. +- [REM5](https://www.rem5forgood.com/) - Digital immersive experience design studio specializing in education and social equity initiatives. +- [Sketchfab](https://sketchfab.com/) - 3D model marketplace that offers a VR previewer. +- [Vhite Rabbit](https://vhiterabbit.com/) - Parent company behind Construct Arcade. -- [2WSZ](https://2wsz.com/) - WebXR 内容聚合器,具有评级、推荐系统以及英语和韩语支持. -- [Extended Collection](https://extendedcollection.com/) - 一个精心策划的沉浸式网络链接库,由以下人员维护 [vrhermit](https://vrhermit.com/). -- [heyVR](https://heyvr.io/) - 用于发布 WebXR 游戏的精选平台. -- [XR Swim](https://xrswim.com/) - WebXR 和 Web3 内容的聚合网站. +- [2WSZ](https://2wsz.com/) - An aggregator for WebXR content featuring ratings, a recommendation system, and both English and Korean language support. +- [Extended Collection](https://extendedcollection.com/) - A curated library of links to the Immersive Web maintained by [vrhermit](https://vrhermit.com/). +- [heyVR](https://heyvr.io/) - A curated platform for publishing WebXR games. +- [XR Swim](https://xrswim.com/) - An aggregator site for both WebXR and Web3 content. ## Development ### Engines -- [Ethereal Engine](https://github.com/XRFoundation/XREngine) - 基于 Three.js 和 bitECS 构建的全栈 MMO 引擎,支持 WebXR. +- [Ethereal Engine](https://github.com/XRFoundation/XREngine) - A full stack MMO engine built on three.js and bitECS with support for WebXR. -- [Godot](https://godotengine.org/) - 自版本 3.2.4 起支持 WebXR 的跨平台开源引擎. +- [Godot](https://godotengine.org/) - A cross-platform, open-source engine with WebXR support as of version 3.2.4. - [Official Documentation](https://docs.godotengine.org/en/stable/classes/class_webxrinterface.html) -- [Needle](https://needle.tools/) - Blender 和 Unity 的引擎和导出器. +- [Needle](https://needle.tools/) - An engine and exporter for Blender and Unity. - [Official Documentation](https://engine.needle.tools/docs/) -- [nunuStudio](https://www.nunustudio.org/) - 一个基于 Three.js 构建的多平台开源引擎,可以在本机或浏览器中使用. +- [nunuStudio](https://www.nunustudio.org/) - A multiplatform, open-source engine built on three.js that can be used natively or in the browser. - [Official Documentation](https://www.nunustudio.org/docs/) -- [PlayCanvas](https://playcanvas.com/) - 基于浏览器的 WebGL 引擎,支持 WebXR 内容、移动浏览器、协作编辑等. +- [PlayCanvas](https://playcanvas.com/) - A browser-based WebGL engine with support for WebXR content, mobile browsers, collaborative editing, and more. - [Official Documentation](https://developer.playcanvas.com/en/) -- [Rogue Engine](https://rogueengine.io/) - 基于 Three.js 和 TypeScript 的 HTML5 游戏引擎. +- [Rogue Engine](https://rogueengine.io/) - An HTML5 Game Engine based on Three.js and TypeScript. - [Official Documentation](https://rogueengine.io/docs/manual/getting-started/installation/) -- [Unity](https://unity.com/) - 一个非常流行的游戏引擎,带有社区包,可以将内容导出到 WebXR. - - [WebXR Export](https://github.com/De-Panther/unity-webxr-export) - 出口商 [De-Panther](https://github.com/De-Panther/) - - [SimpleWebXR](https://github.com/Rufus31415/Simple-WebXR-Unity) - 出口商 [Rufus31415](https://github.com/Rufus31415) +- [Unity](https://unity.com/) - A highly popular game engine with community packages that enable content to be exported for WebXR. + - [WebXR Export](https://github.com/De-Panther/unity-webxr-export) - Exporter by [De-Panther](https://github.com/De-Panther/) + - [SimpleWebXR](https://github.com/Rufus31415/Simple-WebXR-Unity) - Exporter by [Rufus31415](https://github.com/Rufus31415) -- [Wonderland Engine](https://wonderlandengine.com/) - 专为构建 WebXR 应用程序而设计的开发平台. +- [Wonderland Engine](https://wonderlandengine.com/) - A development platform designed specifically for building WebXR applications. - [Official Documentation](https://wonderlandengine.com/documentation/) ### Frameworks and Libraries -- [A-Frame](https://aframe.io/) - 允许您使用基于 Three.js 构建的声明性 HTML 和自定义 JavaScript 组件来创建 VR 体验. +- [A-Frame](https://aframe.io/) - Lets you create VR experiences using declarative HTML and custom JavaScript components built on top of three.js. - [Official Documentation](https://aframe.io/docs/) -- [Babylon.js](https://www.babylonjs.com/) - 一个强大且功能丰富的渲染引擎,打包到 JavaScript 框架中. +- [Babylon.js](https://www.babylonjs.com/) - A powerful and feature-rich rendering engine packaged into a JavaScript framework. - [Official Documentation](https://doc.babylonjs.com/) -- [JanusWeb](https://github.com/jbaicoianu/janusweb) - JanusVR 的浏览器内实现,可让您构建社交 VR 体验. +- [JanusWeb](https://github.com/jbaicoianu/janusweb) - An in-browser implementation of JanusVR that lets you build social VR experiences. -- [p5.xr](https://p5xr.org/) - p5.js 库的附加组件,可让您创建身临其境的 p5 草图. +- [p5.xr](https://p5xr.org/) - An add-on for the library p5.js that allows you to create immersive p5 sketches. -- [react-three-fiber](https://github.com/pmndrs/react-three-fiber) - Three.js 的 React 渲染器. 其他特定于 WebXR 的挂钩和组件可在 [React XR](https://github.com/pmndrs/react-xr) 以及. +- [react-three-fiber](https://github.com/pmndrs/react-three-fiber) - A React renderer for three.js. Additional WebXR-specific hooks and components are available in [React XR](https://github.com/pmndrs/react-xr) as well. -- [Spaces VR](https://github.com/musehq/spacesvr) - 一个前端框架,用于快速创建基于 React-Three Fiber 的 VR 网站. +- [Spaces VR](https://github.com/musehq/spacesvr) - A front end framework for quickly creating VR websites built on react-three-fiber. -- [three.js](https://threejs.org/) - 用于使用 WebGL 渲染 3D 内容的 JavaScript 库,为许多现有的 WebXR 体验和工具提供支持. +- [three.js](https://threejs.org/) - A JavaScript library for rendering 3D content with WebGL that powers many existing WebXR experiences and tools. - [Official Documentation](https://threejs.org/docs/index.html#manual/en/introduction/Creating-a-scene) -- [X3DOM](https://x3dom.org) - 用于将 X3D 场景集成和操作为 HTML5/DOM 元素的框架. 版本 1.8.3 中将包含支持. 在那之前,从 master 分支构建 [GitHub repository](https://github.com/x3dom/x3dom). +- [X3DOM](https://x3dom.org) - A framework for integrating and manipulating X3D scenes as HTML5/DOM elements. - [Official Documentation](https://doc.x3dom.org/) ### Other -- [Verge3D](https://www.soft8soft.com/verge3d/) - 一个工具包,允许 3D 艺术家导出场景并轻松创建身临其境的网络体验. +- [Verge3D](https://www.soft8soft.com/verge3d/) - A toolkit that allows 3D artists to export their scenes and create immersive web experiences with ease. - [Official Documentation](https://www.soft8soft.com/support-documentation/) ## Learning Resources -- [Learn A-Frame (VR)](https://www.codecademy.com/learn/learn-a-frame) - Codecademy 与 A-Frame 合作编写的大约 6 小时的课程. -- [babylon.js Guided Learning](https://doc.babylonjs.com/guidedLearning) - 详细的文本和视频教程,补充文档中的其他指导页面. +- [Learn A-Frame (VR)](https://www.codecademy.com/learn/learn-a-frame) - A roughly 6-hour Codecademy course written in partnership with A-Frame. +- [babylon.js Guided Learning](https://doc.babylonjs.com/guidedLearning) - Detailed text and video tutorials that complement the other instructional pages in the documentation. ## Monetization -- [Zesty Market](https://www.zesty.market) - XR 中可出租横幅空间的市场. 提供与大多数主要 WebXR 创建工具的集成. +- [Zesty Market](https://www.zesty.market) - A marketplace for rentable banner spaces in XR. Offers integrations with most major WebXR creation tools. ## Social Spaces -*项目专注于为用户聚集和/或协作创建社交空间.* +*Projects focused on creating social spaces for users to gather and/or collaborate in.* -- [Dreamwave](https://dreamwave.tech/) - 用于举办可扩展虚拟活动的基于网络的平台. 为 2021 年虚拟音乐节 Secret Sky 提供支持. -- [Emerald City](https://hubculture.city/) - 由 Hub Culture 开发的虚拟活动空间. -- [FRAME](https://framevr.io/) - 一个专注于在虚拟空间中实现轻松 3D 协作的平台. -- [Hubs](https://hubs.mozilla.com/) - Mozilla 的平台,使用户能够进行虚拟收集和协作. +- [Dreamwave](https://dreamwave.tech/) - A web-based platform for hosting scalable virtual events. Powered the virtual music festival Secret Sky 2021. +- [Emerald City](https://hubculture.city/) - A virtual event space developed by Hub Culture. +- [FRAME](https://framevr.io/) - A platform focused on enabling easy 3D collaborations in a virtual space. +- [Hubs](https://hubs.mozilla.com/) - Mozilla's platform for enabling users to gather and collaborate virtually. ## Web3XR -*WebXR 和加密/区块链技术交叉的项目.* +*Projects at the intersection of WebXR and crypto/blockchain technologies.* ### Galleries -- [3XR](https://www.3xr.space/) - 一个项目 [microchipgnu](https://github.com/microchipgnu) 已与 Mintbase 集成,为 NEAR 上的 NFT 艺术品创建虚拟画廊. -- [glry.xyz](https://glry.xyz/) - 一个在 Tezos 区块链上托管 NFT 艺术虚拟画廊的网站. -- [oncyber](https://oncyber.io/) - 提供免费和可收藏的画廊空间来展示跨多个不同链的 NFT. -- [RareRooms](https://www.rarerooms.io/) - 允许您创建沉浸式 NFT 画廊,支持多个不同的链/市场. +- [3XR](https://www.3xr.space/) - A project by [microchipgnu](https://github.com/microchipgnu) that has integrated with Mintbase to create virtual galleries for NFT artwork on NEAR. +- [glry.xyz](https://glry.xyz/) - A site that hosts virtual galleries for NFT art on the Tezos blockchain. +- [oncyber](https://oncyber.io/) - Offers both free and collectible gallery spaces to display NFTs across multiple different chains. +- [RareRooms](https://www.rarerooms.io/) - Allows you to create immersive NFT galleries with support for multiple different chains/marketplaces. ### Realms -- [Voxels](https://www.voxels.com/) - 由以太坊提供支持的虚拟世界,玩家可以在其中购买土地、建造商店、展示艺术品等. -- [Hyperfy](https://hyperfy.io/) - 一个托管多达 10,000 个可定制、跨平台、沉浸式虚拟世界的平台. 基于 Three.js 构建,由以太坊提供支持. -- [Ozone Metaverse](https://ozonemetaverse.io/) - 一个空间计算云平台,提供具有 Web3 集成和货币化功能的世界创建工具. -- [Raspberry Dream Land](https://www.rdland.io/) - 一个专注于包容性、激进的自我表达和虚拟关系的进步活动平台. 还拥有自己的 NFT 头像集合. -- [Somnium Space Web](https://somniumspace.com/parcel/) - 一个网络查看器,可让您浏览以下位置的地块 [Somnium Space](https://www.somniumspace.com/) 在您的浏览器中,并在 Oculus Quest 浏览器上支持 VR. -- [vrland](https://vrland.io/) - 支持展示 NFT 的聚会和虚拟展示平台. +- [Voxels](https://www.voxels.com/) - A virtual world powered by Ethereum where players can buy land, build stores, display art, and more. +- [Hyperfy](https://hyperfy.io/) - A platform hosting up to 10,000 customizable, cross-platform, and immersive virtual worlds. Built on three.js, powered by Ethereum. +- [Ozone Metaverse](https://ozonemetaverse.io/) - A spatial computing cloud platform offering world creation tools with Web3 integrations and monetization. +- [Raspberry Dream Land](https://www.rdland.io/) - A progressive events platform focused on inclusivity, radical self-expression, and virtual relationships. Also has its own NFT avatar collection. +- [Somnium Space Web](https://somniumspace.com/parcel/) - A web viewer that allows you to explore parcels from [Somnium Space](https://www.somniumspace.com/) in your browser, with VR support on the Oculus Quest browser. +- [vrland](https://vrland.io/) - A platform for gathering and virtual showcases that supports displaying of NFTs. ## YouTube -*YouTube 频道重点关注 WebXR.* +*YouTube channels with a heavy focus on WebXR.* -- [M3](https://www.youtube.com/channel/UCSNCMWhEojiVjUySdI7J_wg) - M3 官方频道. -- [Sorskoot](https://youtube.com/sorskoot) - 教程和其他 WebXR 相关内容. -- [WebXR](https://www.youtube.com/c/WebXR) - 官方WebXR频道. -- [WebXR Summit Series](https://www.youtube.com/channel/UCM5HgDdpKgMejq5HX9EoGHg) - 包含 WebXR 峰会系列的剪辑、VOD 和其他视频. -- [Wonderland Engine](https://www.youtube.com/channel/UCgaPCwqmAmre7mW0J7K8IkA) - Wonderland 引擎官方频道. +- [M3](https://www.youtube.com/channel/UCSNCMWhEojiVjUySdI7J_wg) - Official M3 channel. +- [Sorskoot](https://youtube.com/sorskoot) - Tutorials and other WebXR related content. +- [WebXR](https://www.youtube.com/c/WebXR) - Official WebXR channel. +- [WebXR Summit Series](https://www.youtube.com/channel/UCM5HgDdpKgMejq5HX9EoGHg) - Contains clips, VODs, and other videos from the WebXR Summit Series. +- [Wonderland Engine](https://www.youtube.com/channel/UCgaPCwqmAmre7mW0J7K8IkA) - Official Wonderland Engine channel. diff --git a/docs/awesome/free-for-dev.md b/docs/awesome/free-for-dev.md index 96774192da..6ffe6b0cd8 100644 --- a/docs/awesome/free-for-dev.md +++ b/docs/awesome/free-for-dev.md @@ -707,6 +707,7 @@ This list is the result of Pull Requests, reviews, ideas and work done by 1100+ * [robusta.dev](https://home.robusta.dev/) — Powerful Kubernetes monitoring, based on Prometheus. Bring your own Prometheus or install the all-in-one bundle. Free tier includes up to 20 Kubernetes nodes. Alerts via Slack, Microsoft Teams, Discord, and more. Integrations with PagerDuty, OpsGenie, VictorOps, DataDog, and many other tools. * [sematext.com](https://sematext.com/) — Free for 24 hours metrics, unlimited number of servers, 10 custom metrics, 500,000 custom metrics data points, unlimited dashboards, users, etc. * [sitemonki.com](https://sitemonki.com/) — Website, domain, Cron & SSL monitoring, 5 monitors in each category for free + * [sitesure.net](https://sitesure.net) - Website and cron monitoring - 2 monitors free * [skylight.io](https://www.skylight.io/) — Free for first 100,000 requests (Rails only) * [speedchecker.xyz](https://probeapi.speedchecker.xyz/) — Performance Monitoring API, checks Ping, DNS, etc. * [stathat.com](https://www.stathat.com/) — Get started with 10 stats for free, no expiration