ApacheCN 翻譯活動進度公告 2019.6.7

Special Sponsorshtml

  1. 咱們組織了一個開源互助平臺,方便開源組織和大 V 互相認識,互相幫助,整合資源。請回復這個帖子並註明組織/我的信息來申請加入。
  2. 請回復這個帖子來推薦但願翻譯的內容。若是你們遇到了作得不錯的教程或翻譯項目,也能夠推薦給咱們。咱們會聯繫項目的維護者,一塊兒把它變得更好。
  3. 咱們的公衆號接受你們的投稿。將文章連接經過消息發給公衆號,咱們會和你聯繫。
  4. 爲了可以將開源事業作大作強,ApacheCN 須要與公益基金會(IT、教育類)合做,歡迎你們提供幫助。
  5. 若是你不但願再收到咱們的郵件,請直接拉黑咱們,不要浪費彼此的時間,謝謝合做。
  6. 若是你們有適合咱們的增加策略,包括你想嘗試可是怕被罵的策略,能夠交給咱們來作實驗。咱們將使用激進的增加策略,儘量讓更多人瞭解咱們。

短篇集(校對)

參與方式:github.com/apachecn/mi…python

總體進度:github.com/apachecn/mi…linux

項目倉庫:github.com/apachecn/mi…git

關於卷積神經網絡:認領:0/12,校對:0/12程序員

章節 貢獻者 進度
關於卷積神經網絡 - -
1
2.1.1-2.1.3
2.1.4-2.1.6
2.2.1
2.2.2-2.2.3
2.3-2.4
3.1
3.2
3.3
3.4-3.5
4.1
4.2

寫給不耐煩程序員的 JavaScript(校對)

參與方式:github.com/apachecn/im…github

總體進度:github.com/apachecn/im…web

項目倉庫:github.com/apachecn/im…正則表達式

認領:21/42,校對:20/42算法

章節 貢獻者 進度
1.關於本書(ES2019 版) @YouWillBe 100%
2.常見問題:本書 @huangzijian888 100%
3. JavaScript 的歷史和演變
4.常見問題:JavaScript
5.概覽
6.語法 @lq920320 100%
7.在控制檯上打印信息(console.* @lq920320 100%
8.斷言 API @lq920320 100%
9.測驗和練習入門
10.變量和賦值 @so-hard 100%
11.值 @lq920320 100%
12.運算符 @wizardforcel 100%
13.非值undefinednull @wizardforcel 100%
14.布爾值 @wizardforcel 100%
15.數字 @wizardforcel 100%
16. Math @wizardforcel 100%
17. Unicode - 簡要介紹(高級) @wizardforcel 100%
18.字符串 @wizardforcel 100%
19.使用模板字面值和標記模板 @wizardforcel 100%
20.符號 @wizardforcel 100%
21.控制流語句 @wizardforcel 100%
22.異常處理
23.可調用值
24.模塊
25.單個對象
26.原型鏈和類 @lq920320
27.同步迭代
28.數組(Array
29.類型化數組:處理二進制數據(高級)
30.映射(Map
31. WeakMaps(WeakMap
32.集(Set
33. WeakSets(WeakSet
34.解構
35.同步生成器(高級)
36. JavaScript 中的異步編程
37.異步編程的 Promise @iChrisJ 100%
38.異步函數 @iChrisJ 100%
39.正則表達式(RegExp @iChrisJ 100%
40.日期(Date
41.建立和解析 JSON(JSON
42.其他章節在哪裏?

seaborn 0.9 中文文檔

參與方式:github.com/apachecn/se…macos

總體進度:github.com/apachecn/se…

項目倉庫:github.com/apachecn/se…

認領:53/74,翻譯:43/74

序號 章節 譯者 進度
1 An introduction to seaborn @yiran7324 100%
2 Installing and getting started @neolei 100%
3 Visualizing statistical relationships @JNJYan 100%
4 Plotting with categorical data @hold2010 100%
5 Visualizing the distribution of a dataset @alohahahaha 100%
6 Visualizing linear relationships @friedhelm739
7 Building structured multi-plot grids @keyianpai 100%
8 Controlling figure aesthetics @P3n9W31 100%
9 Choosing color palettes @Modrisco 100%
10 seaborn.relplot @Stuming
11 seaborn.scatterplot @tututwo
12 seaborn.lineplot @tututwo
13 seaborn.catplot @LIJIANcoder97 100%
14 seaborn.stripplot @LIJIANcoder97 100%
15 seaborn.swarmplot @LIJIANcoder97
16 seaborn.boxplot @FindNorthStar 100%
17 seaborn.violinplot @FindNorthStar 100%
18 seaborn.boxenplot @FindNorthStar
19 seaborn.pointplot @FindNorthStar
20 seaborn.barplot @melon-bun
21 seaborn.countplot @Stuming 100%
22 seaborn.jointplot @Stuming
23 seaborn.pairplot @Stuming
24 seaborn.distplot @hyuuo 100%
25 seaborn.kdeplot @hyuuo 100%
26 seaborn.rugplot @P3n9W31 100%
27 seaborn.lmplot @P3n9W31 100%
28 seaborn.regplot @P3n9W31 100%
29 seaborn.residplot @P3n9W31 100%
30 seaborn.heatmap @hyuuo 100%
31 seaborn.clustermap
32 seaborn.FacetGrid @hyuuo 100%
33 seaborn.FacetGrid.map
34 seaborn.FacetGrid.map_dataframe
35 seaborn.PairGrid
36 seaborn.PairGrid.map
37 seaborn.PairGrid.map_diag
38 seaborn.PairGrid.map_offdiag
39 seaborn.PairGrid.map_lower
40 seaborn.PairGrid.map_upper
41 seaborn.JointGrid
42 seaborn.JointGrid.plot
43 seaborn.JointGrid.plot_joint
44 seaborn.JointGrid.plot_marginals
45 seaborn.set
46 seaborn.axes_style
47 seaborn.set_style
48 seaborn.plotting_context
49 seaborn.set_context
50 seaborn.set_color_codes
51 seaborn.reset_defaults
52 seaborn.reset_orig
53 seaborn.set_palette @Modrisco 100%
54 seaborn.color_palette @Modrisco 100%
55 seaborn.husl_palette @Modrisco 100%
56 seaborn.hls_palette @Modrisco 100%
57 seaborn.cubehelix_palette @Modrisco 100%
58 seaborn.dark_palette @Modrisco 100%
59 seaborn.light_palette @Modrisco 100%
60 seaborn.diverging_palette @Modrisco 100%
61 seaborn.blend_palette @Modrisco 100%
62 seaborn.xkcd_palette @Modrisco 100%
63 seaborn.crayon_palette @Modrisco 100%
64 seaborn.mpl_palette @Modrisco 100%
65 seaborn.choose_colorbrewer_palette @Modrisco 100%
66 seaborn.choose_cubehelix_palette @Modrisco 100%
67 seaborn.choose_light_palette @Modrisco 100%
68 seaborn.choose_dark_palette @Modrisco 100%
69 seaborn.choose_diverging_palette @Modrisco 100%
70 seaborn.load_dataset @Modrisco 100%
71 seaborn.despine @Modrisco 100%
72 seaborn.desaturate @Modrisco 100%
73 seaborn.saturate @Modrisco 100%
74 seaborn.set_hls_values @Modrisco 100%

UCB CS61b:Java 中的數據結構

參與方式:github.com/apachecn/cs…

總體進度:github.com/apachecn/cs…

項目倉庫:github.com/apachecn/cs…

認領:10/12,翻譯:9/12

標題 譯者 進度
1、算法複雜度 @leader402 100%
2、抽象數據類型 @Allenyep 100%
3、知足規範 @renyuhuiharrison 100%
4、序列和它們的實現 @biubiubiuboomboomboom 100%
5、樹 @biubiubiuboomboomboom 100%
6、搜索樹 @yongfengyan 100%
7、哈希 @Abel-Huang 100%
8、排序和選擇 @Rachel-Hu 100%
9、平衡搜索 @Abel-Huang
10、併發和同步 @Ruffianjiang 100%
11、僞隨機序列
12、圖

Git 中文參考(校對)

參與方式:github.com/apachecn/gi…

總體進度:github.com/apachecn/gi…

項目倉庫:github.com/apachecn/gi…

認領:8/83,校對:4/83

序號 章節 貢獻者 進度
1 git
2 git-config @honglyua 100%
3 git-help @honglyua 100%
4 git-init @honglyua 100%
5 git-clone @honglyua 100%
6 git-add @yulezheng
7 git-status
8 git-diff
9 git-commit @yulezheng
10 git-reset
11 git-rm
12 git-mv
13 git-branch
14 git-checkout
15 git-merge
16 git-mergetool
17 git-log
18 git-stash
19 git-tag
20 git-worktree
21 git-fetch
22 git-pull @Mrhuangyi
23 git-push @Mrhuangyi
24 git-remote
25 git-submodule
26 git-show
27 git-log
29 git-shortlog
30 git-describe
31 git-apply
32 git-cherry-pick
34 git-rebase
35 git-revert
36 git-bisect
37 git-blame
38 git-grep
39 gitattributes
40 giteveryday
41 gitglossary
42 githooks
43 gitignore
44 gitmodules
45 gitrevisions
46 gittutorial
47 gitworkflows
48 git-am
50 git-format-patch
51 git-send-email
52 git-request-pull
53 git-svn
54 git-fast-import
55 git-clean
56 git-gc
57 git-fsck
58 git-reflog
59 git-filter-branch
60 git-instaweb
61 git-archive
62 git-bundle
63 git-daemon
64 git-update-server-info
65 git-cat-file
66 git-check-ignore
67 git-checkout-index
68 git-commit-tree
69 git-count-objects
70 git-diff-index
71 git-for-each-ref
72 git-hash-object
73 git-ls-files
74 git-merge-base
75 git-read-tree
76 git-rev-list
77 git-rev-parse
78 git-show-ref
79 git-symbolic-ref
80 git-update-index
81 git-update-ref
82 git-verify-pack
83 git-write-tree

HBase 3.0 中文參考指南(校對)

參與方式:github.com/apachecn/hb…

總體進度:github.com/apachecn/hb…

項目倉庫:github.com/apachecn/hb…

認領:18/31,校對:14/31

章節 貢獻者 進度
Preface @xixici 100%
Getting Started @xixici 100%
Apache HBase Configuration @xixici 100%
Upgrading @xixici 100%
The Apache HBase Shell @xixici 100%
Data Model @Winchester-Yi
HBase and Schema Design @RaymondCode 100%
RegionServer Sizing Rules of Thumb
HBase and MapReduce @BridgetLai 100%
Securing Apache HBase
Architecture @RaymondCode
In-memory Compaction @mychaow 100%
Backup and Restore @mychaow 100%
Synchronous Replication @mychaow 100%
Apache HBase APIs @xixici 100%
Apache HBase External APIs @xixici 100%
Thrift API and Filter Language @xixici 100%
HBase and Spark @TsingJyujing 100%
Apache HBase Coprocessors @TsingJyujing
Apache HBase Performance Tuning
Troubleshooting and Debugging Apache HBase
Apache HBase Case Studies
Apache HBase Operational Management
Building and Developing Apache HBase
Unit Testing HBase Applications
Protobuf in HBase @TsingJyujing
Procedure Framework (Pv2): HBASE-12439
AMv2 Description for Devs
ZooKeeper
Community
Appendix

UCB Prob140:面向數據科學的機率論

參與方式:github.com/apachecn/pr…

總體進度:github.com/apachecn/pr…

項目倉庫:github.com/apachecn/pr…

認領:22/25,翻譯:19/25

標題 譯者 翻譯進度
1、基礎 飛龍 100%
2、計算概率 飛龍 100%
3、隨機變量 飛龍 100%
4、事件之間的關係 @biubiubiuboomboomboom 100%
5、事件集合 >0%
6、隨機計數 @viviwong 100%
7、泊松化 @YAOYI626 100%
8、指望 50%
9、條件(續) @YAOYI626 100%
10、馬爾科夫鏈 喵十八 100%
11、馬爾科夫鏈(續) 喵十八 100%
12、標準差 缺只薩摩 100%
十3、方差和協方差 缺只薩摩 100%
十4、中心極限定理 喵十八 100%
十5、連續分佈 @ThunderboltSmile
十6、變換 @hellozhaihy
十7、聯合密度 @Winchester-Yi 100%
十8、正態和 Gamma 族 @Winchester-Yi 100%
十9、和的分佈 平淡的天 100%
二10、估計方法 平淡的天 100%
二11、Beta 和二項 @lvzhetx 100%
二12、預測 50%
二十3、聯合正態隨機變量 @JUNE951234
二十4、簡單線性迴歸 @ThomasCai 100%
二十5、多元迴歸 @lanhaixuan 100%

Machine Learning Mastery(校對)

參與方式:github.com/apachecn/ml…

總體進度:github.com/apachecn/ml…

項目倉庫:github.com/apachecn/ml…

Keras:認領:0/46,校對:0/46

XGBoost:認領:0/18,校對:0/18

章節 貢獻者 進度
深度學習與 Keras - -
Keras 中神經網絡模型的 5 步生命週期
在 Python 迷你課程中應用深度學習
Keras 深度學習庫的二元分類教程
如何用 Keras 構建多層感知器神經網絡模型
如何在 Keras 中檢查深度學習模型
10 個用於 Amazon Web Services 深度學習的命令行祕籍
機器學習卷積神經網絡的速成課程
如何在 Python 中使用 Keras 進行深度學習的度量
深度學習書籍
深度學習課程
你所知道的深度學習是一種謊話
如何設置 Amazon AWS EC2 GPU 以訓練 Keras 深度學習模型(分步)
神經網絡中批量和迭代之間的區別是什麼?
在 Keras 展現深度學習模型訓練歷史
基於 Keras 的深度學習模型中的dropout正則化
評估 Keras 中深度學習模型的表現
如何評價深度學習模型的技巧
小批量梯度降低的簡要介紹以及如何配置批量大小
在 Keras 中得到深度學習幫助的 9 種方法
如何使用 Keras 在 Python 中網格搜索深度學習模型的超參數
用 Keras 在 Python 中使用卷積神經網絡進行手寫數字識別
如何用 Keras 進行預測
用 Keras 進行深度學習的圖像加強
8 個深度學習的鼓舞人心的應用
Python 深度學習庫 Keras 簡介
Python 深度學習庫 TensorFlow 簡介
Python 深度學習庫 Theano 簡介
如何使用 Keras 函數式 API 進行深度學習
Keras 深度學習庫的多類分類教程
多層感知器神經網絡速成課程
基於卷積神經網絡的 Keras 深度學習庫中的目標識別
流行的深度學習庫
用深度學習預測電影評論的情感
Python 中的 Keras 深度學習庫的迴歸教程
如何使用 Keras 得到可重現的結果
如何在 Linux 服務器上運行深度學習實驗
保存並加載您的 Keras 深度學習模型
用 Keras 逐步開發 Python 中的第一個神經網絡
用 Keras 理解 Python 中的有狀態 LSTM 循環神經網絡
在 Python 中使用 Keras 深度學習模型和 Scikit-Learn
如何使用預訓練的 VGG 模型對照片中的物體進行分類
在 Python 和 Keras 中對深度學習模型使用學習率調度
如何在 Keras 中可視化深度學習神經網絡模型
什麼是深度學習?
什麼時候使用 MLP,CNN 和 RNN 神經網絡
爲何用隨機權重初始化神經網絡?
XGBoost - -
經過在 Python 中使用 XGBoost 提早中止來避免過分擬合
如何在 Python 中調優 XGBoost 的多線程支持
如何配置梯度提高算法
在 Python 中使用 XGBoost 進行梯度提高的數據準備
如何使用 scikit-learn 在 Python 中開發您的第一個 XGBoost 模型
如何在 Python 中使用 XGBoost 評估梯度提高模型
在 Python 中使用 XGBoost 的特徵重要性和特徵選擇
淺談機器學習的梯度提高算法
應用機器學習的 XGBoost 簡介
如何在 macOS 上爲 Python 安裝 XGBoost
如何在 Python 中使用 XGBoost 保存梯度提高模型
從梯度提高開始,比較 165 個數據集上的 13 種算法
在 Python 中使用 XGBoost 和 scikit-learn 進行隨機梯度提高
如何使用 Amazon Web Services 在雲中訓練 XGBoost 模型
在 Python 中使用 XGBoost 調整梯度提高的學習率
如何在 Python 中使用 XGBoost 調整決策樹的數量和大小
如何在 Python 中使用 XGBoost 可視化梯度提高決策樹
在 Python 中開始使用 XGBoost 的 7 步迷你課程

Pytorch 1.0 中文文檔

參與方式:github.com/apachecn/py…

總體進度:github.com/apachecn/py…

項目倉庫:github.com/apachecn/py…

教程部分:認領:35/37,翻譯:34/37

文檔部分:認領:39/39,翻譯:35/39

章節 貢獻者 進度
教程部分 - -
Deep Learning with PyTorch: A 60 Minute Blitz @bat67 100%
What is PyTorch? @bat67 100%
Autograd: Automatic Differentiation @bat67 100%
Neural Networks @bat67 100%
Training a Classifier @bat67 100%
Optional: Data Parallelism @bat67 100%
Data Loading and Processing Tutorial @yportne13 100%
Learning PyTorch with Examples @bat67 100%
Transfer Learning Tutorial @jiangzhonglian 100%
Deploying a Seq2Seq Model with the Hybrid Frontend @cangyunye 100%
Saving and Loading Models @bruce1408 100%
What is torch.nn really? @lhc741 100%
Finetuning Torchvision Models @ZHHAYO 100%
Spatial Transformer Networks Tutorial @PEGASUS1993 100%
Neural Transfer Using PyTorch @bdqfork 100%
Adversarial Example Generation @cangyunye 100%
Transfering a Model from PyTorch to Caffe2 and Mobile using ONNX @PEGASUS1993 100%
Chatbot Tutorial @a625687551 100%
Generating Names with a Character-Level RNN @hhxx2015 100%
Classifying Names with a Character-Level RNN @hhxx2015 100%
Deep Learning for NLP with Pytorch @bruce1408 100%
Introduction to PyTorch @guobaoyo 100%
Deep Learning with PyTorch @bdqfork 100%
Word Embeddings: Encoding Lexical Semantics @sight007 100%
Sequence Models and Long-Short Term Memory Networks @ETCartman 100%
Advanced: Making Dynamic Decisions and the Bi-LSTM CRF @JohnJiangLA
Translation with a Sequence to Sequence Network and Attention @mengfu188 100%
DCGAN Tutorial @wangshuai9517 100%
Reinforcement Learning (DQN) Tutorial @friedhelm739 100%
Creating Extensions Using numpy and scipy @cangyunye 100%
Custom C++ and CUDA Extensions
Extending TorchScript with Custom C++ Operators
Writing Distributed Applications with PyTorch @firdameng 100%
PyTorch 1.0 Distributed Trainer with Amazon AWS @yportne13 100%
ONNX Live Tutorial @PEGASUS1993 100%
Loading a PyTorch Model in C++ @talengu 100%
Using the PyTorch C++ Frontend @solerji 100%
文檔部分 - -
Autograd mechanics @PEGASUS1993 100%
Broadcasting semantics @PEGASUS1993 100%
CUDA semantics @jiangzhonglian 100%
Extending PyTorch @PEGASUS1993 100%
Frequently Asked Questions @PEGASUS1993 100%
Multiprocessing best practices @cvley 100%
Reproducibility @WyattHuang1
Serialization semantics @yuange250 100%
Windows FAQ @PEGASUS1993 100%
torch @yiran7324
torch.Tensor @hijkzzz 100%
Tensor Attributes @yuange250 100%
Type Info @PEGASUS1993 100%
torch.sparse @hijkzzz 100%
torch.cuda @bdqfork 100%
torch.Storage @yuange250 100%
torch.nn @yuange250 100%
torch.nn.functional @hijkzzz 100%
torch.nn.init @GeneZC 100%
torch.optim @qiaokuoyuan
Automatic differentiation package - torch.autograd @gfjiangly 100%
Distributed communication package - torch.distributed @univeryinli 100%
Probability distributions - torch.distributions @hijkzzz 100%
Torch Script @keyianpai 100%
Multiprocessing package - torch.multiprocessing @hijkzzz 100%
torch.utils.bottleneck @belonHan 100%
torch.utils.checkpoint @belonHan 100%
torch.utils.cpp_extension @belonHan 100%
torch.utils.data @BXuan694 100%
torch.utils.dlpack @kunwuz 100%
torch.hub @kunwuz 100%
torch.utils.model_zoo @BXuan694 100%
torch.onnx @guobaoyo 100%
Distributed communication package (deprecated) - torch.distributed.deprecated @luxinfeng
torchvision Reference @BXuan694 100%
torchvision.datasets @BXuan694 100%
torchvision.models @BXuan694 100%
torchvision.transforms @BXuan694 100%
torchvision.utils @BXuan694 100%

認領完畢

OpenCV 4.0 中文教程

參與方式:github.com/apachecn/op…

總體進度:github.com/apachecn/op…

項目倉庫:github.com/apachecn/op…

認領:51/51,翻譯:26/51。

關於咱們

咱們是一個大型開源社區,旗下 QQ 羣共一萬餘人,訂閱用戶至少一萬人。Github Star 數量超過 40k 個,在全部 Github 組織中排名前 150。網站日 uip 超過 4k,Alexa 排名的峯值爲 20k。咱們的核心成員擁有 CSDN 博客專家簡書程序員優秀做者認證。咱們與 DatawhaleAI 有道黃海廣博士等國內知名開源組織和大 V 合做,組織公益性的翻譯活動、學習活動和比賽組隊活動。 ‍
與商業組織不一樣,咱們並不會追逐熱點,或者惟利是圖。做爲公益組織,咱們將完成項目放在首要位置,並有足夠時間把項目打磨到極致。咱們但願作出廣大 AI 愛好者真正須要的東西,打造真正有價值的長尾做品。

贊助咱們

相關文章
相關標籤/搜索