koryako / FundamentalsOfAI_book_code

人工智能基础(高中版) 非官方代码

Geek Repo:Geek Repo

Github PK Tool:Github PK Tool

FundamentalsOfAI_book_code

本代码是 人工智能基础 (高中版)的 代码 ,本代码仓库已经废弃

请关注 https://gitee.com/koryako/FundamentalsOfAI_book_code

重大事件

2012年,提出了一个深度网络的分布并行训练的框架DistBelief,并在该框架中发现了一些有效的分布优化策略(参加论文:Large ScaleDistributed Deep Networks)。提出了一种非监督的猫脸识别模型(参见论文:BuildingHigh-level Features Using Large Scale Unsupervised Learning)。

2013年,开源了词向量(word2vec)模型。(参见论文:Distributed Representationsof Words and Phrases and their Compositionality)

2014年,提出了序列到序列的神经网络学习(sequence to sequence learning)(参见论文:Sequence toSequence Learning with Neural Networks),也可用于生成图片标题(参见论文:Show andTell: A Neural Image Caption Generator)。

2015年,开源了Inception,一种新的图像分类卷积神经网络模型(参见链接:https://github.com/tensorflow/models/blob/master/slim/README.md)。Deep Dream(参见链接:https://deepdreamgenerator.com/generator-style)。开源了TensorFlow(参加链接:https://www.tensorflow.org/)。

2016年,提出了神经网络机器翻译系统(neural translation)(参见论文:Google’s Neural Machine Translation System: Bridging the Gap betweenHuman and Machine Translation)。医学图像的研究(Development and Validation of a Deep Learning Algorithm forDetection of Diabetic Retinopathy in Retinal Fundus Photographs)。神经架构搜索(ArchitectureSearch)

基础知识

  1. 2019哥大应用机器学习课程 课程主页|GitHub地址|PPT获取地址|视频油管原版|B站

  2. 认识深度学习

目录

  • 鸢尾花分类
  • 中文文本分类
  • 手写mnist 分类
  • 强化学习ddpg
  • 语音助理
  • 条件对抗网络cgan

基础

  1. 鸢尾花分类 (tensorflow 1.10.1)
  2. 中文文本分类 (fasttext)
  1. 手写mnist 分类(tensorflow 1.12.0)

  2. 强化学习ddpg DDPG原理和算法|代码|ppo 数学公式|ppo代码| ppo 控制索尼可|ppo源码分析| Open Source Python | fire 结构

  • Game Agent Framework serpent.ai

这里写图片描述


  1. 语音助理

语音识别 (网红写的开源demo) ---chatbot ----wavenet 合成

百度提出使用GAN构建语音识别新框架 | 参考代码 | 其他开源软件 安装指南 | 谷歌发布迄今最准确商用端到端语音识别系统,词错率将至5.6%,性能提升16% | 语音识别数据集 | 对端到端语音识别网络的两种全新探索

流星花园的字幕还能这样玩,语音识别数据集搜集超简单 | ctc 代码 | 如何用 RNN 实现语音识别 | 语音数据增强 | tensorflow语音识别 及 python音频处理库

https://github.com/KeithYin/simple_speech_recog

https://www.tensorflow.org/api_docs/python/tf/nn/ctc_loss https://www.tensorflow.org/api_docs/python/tf/nn/ctc_greedy_decoder https://www.tensorflow.org/api_docs/python/tf/nn/ctc_beam_search_decoder

http://stackoverflow.com/questions/38059247/using-tensorflows-connectionist-temporal-classification-ctc-implementation https://www.tensorflow.org/versions/r0.10/api_docs/python/nn/conectionist_temporal_classification__ctc_


  1. cgan

一句话脑部图片

WGAN:Wasserstein GAN.Martin Arjovsky, Soumith Chintala, and Lon Bottou.2017.03.09

Anime Characters Creation

https://makegirlsmoe.github.io/assets/pdf/technical_report.pdf

CGAN

如何使用变分自编码器VAE生成动漫人物形象

Imagine This! Scripts to Compositions to Videos https://arxiv.org/abs/1804.03608

InfoGAN: Interpretable Representation Learning by Information Maximizing Generative Adversarial Nets.Xi Chen, Yan Duan, Rein Houthooft, John Schulman.2016.06.12

SeqGAN: Sequence Generative Adversarial Nets with Policy Gradient.Lantao Yuy, Weinan Zhangy, Jun Wangz, Yong Yuy.2016.12.09

StackGAN: Text to Photo-realistic Image Synthesis with Stacked Generative Adversarial Networks.Han Zhang, Tao Xu, Hongsheng Li, Shaoting Zhang.2016.12.10


高阶应用

  1. 自动生成动作认识gan|代码

使用技术如下技术:


  1. 代码生成 https://www.jianshu.com/p/3ed01284473c 第一个是由 pix2code 论文给出的公开数据集 PixCo; https://github.com/roertech/open_cv_ui2code 第二个是我们自己的数据集:PixCo-e 数据集。 https://github.com/roertech/UI2code https://arxiv.org/pdf/1810.11536.pdf https://github.com/floydhub/pix2code-template https://github.com/tonybeltramelli/pix2code https://github.com/fjbriones/pix2code2 https://github.com/tonybeltramelli/pix2code https://github.com/HiroakiMikami/deep-coder https://github.com/dkamm/deepcoder https://github.com/water-vapor/DeepCoder-tensorflow https://github.com/ashnkumar/sketch-code 重要 https://github.com/pranayranjan/MobilenetV2_SSD_Keras https://github.com/xiaochus/MobileNetV2 https://github.com/microsoft/ailab https://github.com/microsoft/ailab/tree/master/Sketch2Code https://github.com/bruceyang2012/Face-detection-with-mobilenet-ssd https://github.com/tensorflow/models/tree/master/research/object_detection tensorflow 官方 https://www.jianshu.com/p/1cf3b543afff?utm_source=oschina-app Python 3 & Keras 实现Mobilenet v2 https://github.com/xiaochus/MobileNetV2 https://github.com/keras-team/keras-applications/blob/master/keras_applications/mobilenet.py keras 官方

  1. 阅读理解 QA
  1. 人流监控

  1. 注意力transformer

base paper :recurrent model of visual attension Neural machine translation by jointly learning to align and translater

  1. 线路动态规划 图网络

  1. 自动驾驶 物体检测

calar 数据 物体距离检测+scnn 道路检测 +ppo+ cma-es

  1. 多目标强化学习

  1. 元学习

https://github.com/openai/supervised-reptile https://github.com/floodsung/Meta-Learning-Papers

代码地址:https://github.com/cbfinn/maml

代码地址:https://github.com/openai/EPG

论文:On the convergence of Adam and Beyond

论文地址:https://openreview.net/pdf?id=ryQu7f-RZ

机器之心文章:超越 Adam,从适应性学习率家族出发解读 ICLR 2018 高分论文

论文:Spherical CNNs

论文地址:https://openreview.net/pdf?id=Hkbd5xZRb

机器之心文章:ICLR 2018 | 阿姆斯特丹大学论文提出球面 CNN:可用于 3D 模型识别和雾化能量

论文:Continuous adaptation via meta-learning in nonstationary and competitive environments

论文地址:https://openreview.net/pdf?id=Sk2u1g-0-

Meta- and Few-shot Learning https://mp.weixin.qq.com/s?__biz=MzAwMjM3MTc5OA==&mid=2652692454&idx=1&sn=727f1dab3e0392ed480feba78a001f41&chksm=8123065fb6548f499bcaa4dc99915a9bc34ccfe284d8086108754007808091cafd83560c14fa&mpshare=1&scene=1&srcid=0727GmK03hE3dnyld4jYfgub#rd]


  1. 脉冲神经网络

http://papers.nips.cc/paper/7359-long-short-term-memory-and-learning-to-learn-in-networks-of-spiking-neurons


  1. 行人重识别

常用 Large-scale 数据集:

DukeMTMC-reID

该数据集在杜克大学内采集,图像来自8个不同摄像头。该数据集提供训练集和测试集。 训练集包含16,522张图像,测试集包含 17,661 张图像。训练数据中一共有702人,平均每类(每个人)有23.5 张训练数据。是目前最大的行人重识别数据集,并且提供了行人属性(性别/长短袖/是否背包等)的标注。

Market-1501

该数据集在清华大学校园中采集,图像来自6个不同的摄像头,其中有一个摄像头为低像素。同时该数据集提供训练集和测试集。 训练集包含12,936张图像,测试集包含19,732 张图像。图像由检测器自动检测并切割,包含一些检测误差(接近实际使用情况)。训练数据中一共有751人,测试集中有750人。所以在训练集中,平均每类(每个人)有17.2张训练数据。

CUHK03

该数据集在香港中文大学内采集,图像来自2个不同摄像头。该数据集提供 机器检测和手工检测两个数据集。 其中检测数据集包含一些检测误差,更接近实际情况。平均每个人有9.6张训练数据。

https://blog.csdn.net/chanmufeng/article/details/82955730


  1. 验证码 生成

https://github.com/machine-lv

https://github.com/machine-lv/Production-verification-code

GPT-2 transformer

openai/blog/musenet

microsoft/neuron block


  1. 视频追踪

https://github.com/foolwood/SiamMask https://github.com/PengBoXiangShang/SiamRPN_plus_plus_PyTorch

  1. 视频模拟器

https://nv-tlabs.github.io/meta-sim/

  1. 对抗攻击

https://gitlab.com/EAVISE/adversarial-yolo

  1. 剪吱

https://github.com/google-research/lottery-ticket-hypothesis

  1. automl block

RMSProp factorized 7X7 BATCHNorm 标签平滑 正则

  1. unit3d avater 动画骨骼系统

  2. 推荐算法开源框架

https://github.com/alibaba/x-deeplearning.git


  1. 3d重建

1、Hierarchical Surface Prediction for 3D Object Reconstruction(Christian Häne等) https://arxiv.org/pdf/1704.00710.pdf

2、3D-R2N2: A Unified Approach for Single and Multi-view 3D Object Reconstruction(Choy等) https://arxiv.org/pdf/1604.00449.pdf

3、Learning a Predictable and Generative Vector Representation for Objects(Girdhar等) https://arxiv.org/pdf/1603.08637.pdf

4、ShapeNet: An Information-Rich 3D Model Repository(关于ShapeNet数据集的论文) https://arxiv.org/pdf/1512.03012.pdf

Multi-view Supervision for Single-view Reconstruction

via Differentiable Ray Consistency. S. Tulsiani, T. Zhou, A. A. Efros, J. Malik. In CVPR, 2017:https://shubhtuls.github.io/drc/

Unsupervised Learning of Depth and Ego-Motion from Video. T. Zhou, M. Brown, N. Snavely, D. Lowe. In CVPR, 2017:https://people.eecs.berkeley.edu/~tinghuiz/projects/SfMLearner/

近期其他多视角 3D 监督预测方法的研究:

Unsupervised CNN for Single View Depth Estimation: Geometry to the Rescue. R. Garg, B. G. Vijay Kumar, G. Carneiro, I. Reid. In ECCV, 2016:https://arxiv.org/abs/1603.04992

Perspective Transformer Nets: Learning Single-View 3D Object Reconstruction without 3D Supervision. X. Yan, J. Yang, E. Yumer, Y. Guo, H. Lee. In NIPS, 2016:https://sites.google.com/site/skywalkeryxc/perspective_transformer_nets

Unsupervised Learning of 3D Structure from Images. D. J. Rezende, S. M. Ali Eslami, S. Mohamed, P. Battaglia, M. Jaderberg, N. Heess. In NIPS, 2016:https://arxiv.org/abs/1607.00662

3D Shape Induction from 2D Views of Multiple Objects. M. Gadelha, S. Maji, R. Wang. arXiv preprint, 2016:http://mgadelha.me/home/prgan/index.html

Unsupervised Monocular Depth Estimation

with Left-Right Consistency. C. Godard, O. M. Aodha, G. J. Brostow. In CVPR, 2017:http://visual.cs.ucl.ac.uk/pubs/monoDepth/

三维物体追踪笔记(1)-基于边缘的三维物体追踪 https://blog.csdn.net/kevin_cc98/article/details/79582906

opencv 计算旋转矩阵R,平移矩阵Thttps://blog.csdn.net/u014679795/article/details/53467264

附加能力

把模型部署到移动端-安卓系统

谷歌算法库,有代码和实例

教程:使用iPhone相机和openCV来完成3D重建(第一部分)

深度学习新应用:在PyTorch中用单个2D图像创建3D模型

用单张图片推理场景结构:UC Berkeley提出3D景深联合学习方法

手把手教你用1行代码实现人脸识别

手机端运行卷积神经网络实践:基于TensorFlow和OpenCV实现文档检测功能

2017CV技术报告:从3D物体重建到人体姿态估计

  1. 分布式

分布式TensorFlow入坑指南:从实例到代码带你玩转多机器深度学习

https://github.com/huyingxi/wechaty_selfie 图片评分

About

人工智能基础(高中版) 非官方代码


Languages

Language:Jupyter Notebook 95.3%Language:Python 4.7%