├── .gitignore ├── 01-TF2.0-Overview ├── .gitignore ├── README.md ├── conv_train.py ├── fc_train.py └── features.png ├── 02-AutoGraph ├── README.md ├── graph.gif └── main.py ├── 03-Play-with-MNIST ├── README.md ├── main.py └── mnist.gif ├── 04-Linear-Regression ├── README.md ├── linear_regression.png └── main.py ├── 05-FashionMNIST ├── .gitignore ├── README.md ├── fashion_mnist.png ├── mnist_Seqential_gradient.py ├── mnist_custommodel.py ├── mnist_fit.py └── mnist_matmul.py ├── 06-CIFAR-VGG ├── .gitignore ├── README.md ├── main.py ├── network.py └── vgg16.png ├── 07-Inception ├── .gitignore ├── README.md ├── inception.png └── main.py ├── 08-ResNet ├── .gitignore ├── README.md ├── main.py └── resnet.jpeg ├── 09-RNN-Sentiment-Analysis ├── .gitignore ├── README.md ├── imdb.png └── main.py ├── 10-ColorBot ├── .gitignore ├── README.md ├── blue.png ├── green.png ├── main.py ├── model.py ├── purple.png ├── red.png ├── shot.png └── utils.py ├── 11-AE ├── README.md ├── autoencoder.png ├── images │ ├── vae_reconstructed_epoch_1.png │ ├── vae_reconstructed_epoch_2.png │ ├── vae_reconstructed_epoch_3.png │ ├── vae_reconstructed_epoch_4.png │ └── vae_reconstructed_epoch_5.png └── main.py ├── 12-VAE ├── README.md ├── images │ ├── vae_reconstructed_epoch_1.png │ ├── vae_reconstructed_epoch_2.png │ ├── vae_reconstructed_epoch_3.png │ ├── vae_reconstructed_epoch_4.png │ ├── vae_reconstructed_epoch_5.png │ ├── vae_reconstructed_epoch_6.png │ ├── vae_reconstructed_epoch_7.png │ ├── vae_reconstructed_epoch_8.png │ ├── vae_reconstructed_epoch_9.png │ ├── vae_sampled_epoch_1.png │ ├── vae_sampled_epoch_2.png │ ├── vae_sampled_epoch_3.png │ ├── vae_sampled_epoch_4.png │ ├── vae_sampled_epoch_5.png │ ├── vae_sampled_epoch_6.png │ ├── vae_sampled_epoch_7.png │ ├── vae_sampled_epoch_8.png │ └── vae_sampled_epoch_9.png ├── main.py └── variational_autoencoder.png ├── 13-DCGAN ├── .gitignore ├── README.md ├── dcgan.png ├── gan.py └── main.py ├── 14-Pixel2Pixel ├── .gitignore ├── README.md ├── gd.py ├── main.py └── pix2pix.jpg ├── 15-CycleGAN ├── .gitignore ├── README.md ├── cyclegan.jpg ├── images │ ├── generated_0.png │ └── generated_40.png ├── main.py └── model.py ├── 16-fasterRCNN ├── .gitignore ├── LICENSE ├── README.md ├── detection │ ├── core │ │ ├── anchor │ │ │ ├── anchor_generator.py │ │ │ └── anchor_target.py │ │ ├── bbox │ │ │ ├── bbox_target.py │ │ │ ├── geometry.py │ │ │ └── transforms.py │ │ └── loss │ │ │ └── losses.py │ ├── datasets │ │ ├── coco.py │ │ ├── data_generator.py │ │ ├── transforms.py │ │ └── utils.py │ ├── models │ │ ├── backbones │ │ │ └── resnet.py │ │ ├── bbox_heads │ │ │ └── bbox_head.py │ │ ├── detectors │ │ │ ├── faster_rcnn.py │ │ │ └── test_mixins.py │ │ ├── necks │ │ │ └── fpn.py │ │ ├── roi_extractors │ │ │ └── roi_align.py │ │ └── rpn_heads │ │ │ └── rpn_head.py │ └── utils │ │ └── misc.py ├── image_demo_ckpt.png ├── image_demo_random.png ├── inspect_model.ipynb ├── inspect_model.py ├── roi_test.py ├── shot.png ├── tf.image.crop_and_resize_test.png ├── train_model.ipynb ├── train_model.py └── visualize.py ├── 17-A2C ├── README.md ├── a2c.py ├── cartpole.gif └── reward.png ├── 18-GPT ├── README.md ├── architecture.png └── model.py ├── 19-BERT ├── README.md ├── __init__.py ├── architecture.png ├── bert.py ├── embedding_similarity │ ├── __init__.py │ └── embeddings.py ├── layer_normalization │ ├── __init__.py │ └── layer_normalization.py ├── layers │ ├── __init__.py │ ├── conv.py │ ├── embedding.py │ ├── extract.py │ ├── inputs.py │ ├── masked.py │ └── pooling.py ├── loader.py ├── main.py ├── multi_head_attention │ ├── __init__.py │ ├── multi_head.py │ └── multi_head_attention.py ├── pointwise_feedforward │ ├── __init__.py │ └── feed_forward.py ├── position_embedding │ ├── __init__.py │ ├── pos_embd.py │ └── trig_pos_embd.py ├── self_attention │ ├── __init__.py │ ├── scaled_dot_attention.py │ ├── seq_self_attention.py │ └── seq_weighted_attention.py ├── tokenizer.py └── transformer │ ├── __init__.py │ ├── gelu.py │ └── transformer.py ├── 20-GCN ├── README.MD ├── config.py ├── inits.py ├── layers.py ├── metrics.py ├── models.py ├── nohup.out ├── res │ └── screen.png ├── train.py └── utils.py ├── 21-CN-EN-Translation-BERT ├── Readme.md ├── attention.py ├── attlayer.py ├── bert_train.py ├── bertmodel.py ├── test.py ├── tokenizer.py ├── transformer.py ├── transformer_train.py └── utils.py ├── README.md ├── res ├── TF_QR_163.png ├── ai101.jpg ├── cover.png ├── tensorflow-2.0.gif ├── tensorflow-2.0.jpg └── weibo.jpg └── 深度学习与TensorFlow入门实战-源码和PPT ├── 0-课程介绍 ├── cover.png ├── 深度学习与TF.png ├── 版权声明.png ├── 答疑群-441082251.png └── 请学员务必加群答疑!!!.txt ├── Readme.md ├── lesson01-初见TensorFlow2.0 ├── autograd.py ├── gpu_accelerate.py ├── 初见TensorFlow2.0.pdf ├── 版权声明.png ├── 答疑群-441082251.png └── 请学员务必加群答疑!!!.txt ├── lesson02-开发环境准备 ├── test.py ├── 开发环境安装-极简版.pdf ├── 开发环境安装-标准版.pdf ├── 版权声明.png ├── 答疑群-441082251.png └── 请学员务必加群答疑!!!.txt ├── lesson03-回归问题 ├── 回归问题.pdf ├── 版权声明.png ├── 答疑群-441082251.png └── 请学员务必加群答疑!!!.txt ├── lesson04-回归问题实战 ├── data.csv ├── linear_regression.py ├── 回归实战.pdf ├── 版权声明.png ├── 答疑群-441082251.png └── 请学员务必加群答疑!!!.txt ├── lesson05-手写数字问题 ├── 手写数字问题.pdf ├── 版权声明.png ├── 答疑群-441082251.png └── 请学员务必加群答疑!!!.txt ├── lesson06-手写数字识别初体验 ├── main.py ├── 手写数字问题体验.pdf ├── 版权声明.png ├── 答疑群-441082251.png └── 请学员务必加群答疑!!!.txt ├── lesson07-数据类型 ├── 代码量较少,同学们自己动手练习.txt ├── 数据类型.pdf ├── 版权声明.png ├── 答疑群-441082251.png └── 请学员务必加群答疑!!!.txt ├── lesson08-创建Tensor ├── 代码量较少,同学们自己动手练习.txt ├── 创建Tensor.pdf ├── 版权声明.png ├── 答疑群-441082251.png └── 请学员务必加群答疑!!!.txt ├── lesson09-索引与切片 ├── 代码量较少,同学们自己动手练习.txt ├── 索引与切片-1.pdf └── 索引与切片-2.pdf ├── lesson10-维度变换 └── 维度变换.pdf ├── lesson11-Broadcasting └── Broadcasting.pdf ├── lesson12-数学运算 └── 数学运算.pdf ├── lesson13-前向传播(张量)-实战 ├── forward.py ├── 前向传播.pdf ├── 答疑群-926107229.png └── 请学员务必加群答疑!!!.txt ├── lesson14-合并与分割 └── 合并与分割.pdf ├── lesson15-数据统计 └── 数据统计.pdf ├── lesson16-张量排序 ├── topk.py └── 张量排序.pdf ├── lesson17-填充与复制 └── 填充与复制.pdf ├── lesson18-数据限幅 ├── main.py └── 张量限幅.pdf ├── lesson19-高阶OP ├── meshgrid.py └── 高阶特性.pdf ├── lesson20-数据加载 └── 数据加载.pdf ├── lesson21-测试(张量)-实战 ├── forward.py ├── mnist_tensor.py └── 测试(张量)实战.pdf ├── lesson22-全连接层 ├── mlp.py └── 全接连层.pdf ├── lesson23-输出方式 └── 输出方式.pdf ├── lesson24-误差计算 ├── loss.py └── 误差计算.pdf ├── lesson25-梯度计算 ├── 0.梯度下降-简介.pdf ├── 2.常见函数的梯度.pdf ├── 2nd_derivative.py ├── 3.激活函数及其梯度.pdf ├── 4.损失函数及其梯度.pdf ├── 5.单输出感知机梯度.pdf ├── 6.多输出感知机梯度.pdf ├── 7.链式法则.pdf ├── 8.多层感知机梯度.pdf ├── chain_rule.py ├── crossentropy_loss.py ├── mse_grad.py ├── multi_output_perceptron.py ├── sigmoid_grad.py └── single_output_perceptron.py ├── lesson26-优化方法 ├── himmelblau.py └── 函数优化实战.pdf ├── lesson27-书写数字问题(层)-实战 ├── MNIST实战.pdf ├── fashionmnist_layer.py ├── 答疑群-926107229.png └── 请学员务必加群答疑!!!.txt ├── lesson28-可视化 ├── main.py └── 可视化.pdf ├── lesson30-Keras高层API ├── 1.Metrics.pdf ├── 2.Compile&Fit.pdf ├── 3.自定义层.pdf ├── compile_fit.py ├── layer_model.py └── metrics.py ├── lesson31-Keras模型保存与加载 ├── model.h5 ├── save_load_model.py ├── save_load_weight.py └── 模型加载与保存.pdf ├── lesson32-Keras实战 ├── Keras实战CIFAR10.pdf ├── keras_train.py ├── 答疑群-926107229.png └── 请学员务必加群答疑!!!.txt ├── lesson33-过拟合与欠拟合 └── 过拟合与欠拟合.pdf ├── lesson34-交叉验证 ├── compile_fit.py ├── train_evalute_test.py └── 交叉验证.pdf ├── lesson35-Regularization ├── Regularization.pdf └── regularization.py ├── lesson36-动量与学习率 └── 学习率与动量.pdf ├── lesson37-Early Stopping, Dropout ├── dropout.py └── misc.pdf ├── lesson38-卷积神经网络 ├── 什么是卷积.pdf └── 卷积神经网络.pdf ├── lesson39-池化与采样 └── 池化与采样.pdf ├── lesson40-CIFAR与VGG实战 ├── CIFAR与VGG实战.pdf ├── cifar100_train.py ├── 答疑群-926107229.png └── 请学员务必加群答疑!!!.txt ├── lesson41-经典卷积网络 └── 经典卷积网络.pdf ├── lesson42-BatchNorm ├── BatchNorm.pdf └── main.py ├── lesson43-ResNet ├── ResNet与DenseNet.pdf ├── ResNet实战.pdf ├── resnet.py └── resnet18_train.py ├── lesson44-循环神经网络 ├── 循环神经网络.pdf └── 时间序列表示.pdf ├── lesson45-RNN实战 ├── RNN Layer使用.pdf ├── sentiment_analysis_cell.py ├── sentiment_analysis_layer.py └── 情感分类实战.pdf ├── lesson46-LSTM ├── LSTM.pdf └── 梯度弥散与梯度爆炸.pdf ├── lesson47-LSTM实战 ├── LSTM实战.pdf ├── gru_sentiment_analysis_cell.py ├── gru_sentiment_analysis_layer.py ├── lstm_sentiment_analysis_cell.py └── lstm_sentiment_analysis_layer.py ├── lesson48-AutoEncoders └── AutoEncoders.pdf ├── lesson49-VAE实战 ├── AE实战.pdf ├── autoencoder.py ├── vae.py ├── 答疑群-926107229.png └── 请学员务必加群答疑!!!.txt ├── lesson50-GAN └── GAN.pdf ├── lesson51-WGAN实战 ├── GAN实战.pdf ├── dataset.py ├── gan.py ├── gan_train.py ├── wgan.py ├── wgan_train.py ├── 答疑群-926107229.png └── 请学员务必加群答疑!!!.txt ├── lesson52-自定义数据集和迁移学习 ├── pokemon.py ├── resnet.py ├── train_scratch.py ├── train_transfer.py └── 宝可梦数据集.pdf ├── lesson53-YOLO目标检测 ├── YOLO.pdf ├── YOLO实战.pdf └── 代码需购买课程并加群下载(网易云课堂).txt └── lesson选看-人工智能发展史 └── 人工智能发展史.pdf /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/.gitignore -------------------------------------------------------------------------------- /01-TF2.0-Overview/.gitignore: -------------------------------------------------------------------------------- 1 | .idea 2 | -------------------------------------------------------------------------------- /01-TF2.0-Overview/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/01-TF2.0-Overview/README.md -------------------------------------------------------------------------------- /01-TF2.0-Overview/conv_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/01-TF2.0-Overview/conv_train.py -------------------------------------------------------------------------------- /01-TF2.0-Overview/fc_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/01-TF2.0-Overview/fc_train.py -------------------------------------------------------------------------------- /01-TF2.0-Overview/features.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/01-TF2.0-Overview/features.png -------------------------------------------------------------------------------- /02-AutoGraph/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/02-AutoGraph/README.md -------------------------------------------------------------------------------- /02-AutoGraph/graph.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/02-AutoGraph/graph.gif -------------------------------------------------------------------------------- /02-AutoGraph/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/02-AutoGraph/main.py -------------------------------------------------------------------------------- /03-Play-with-MNIST/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/03-Play-with-MNIST/README.md -------------------------------------------------------------------------------- /03-Play-with-MNIST/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/03-Play-with-MNIST/main.py -------------------------------------------------------------------------------- /03-Play-with-MNIST/mnist.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/03-Play-with-MNIST/mnist.gif -------------------------------------------------------------------------------- /04-Linear-Regression/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/04-Linear-Regression/README.md -------------------------------------------------------------------------------- /04-Linear-Regression/linear_regression.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/04-Linear-Regression/linear_regression.png -------------------------------------------------------------------------------- /04-Linear-Regression/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/04-Linear-Regression/main.py -------------------------------------------------------------------------------- /05-FashionMNIST/.gitignore: -------------------------------------------------------------------------------- 1 | .idea 2 | 3 | -------------------------------------------------------------------------------- /05-FashionMNIST/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/05-FashionMNIST/README.md -------------------------------------------------------------------------------- /05-FashionMNIST/fashion_mnist.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/05-FashionMNIST/fashion_mnist.png -------------------------------------------------------------------------------- /05-FashionMNIST/mnist_Seqential_gradient.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/05-FashionMNIST/mnist_Seqential_gradient.py -------------------------------------------------------------------------------- /05-FashionMNIST/mnist_custommodel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/05-FashionMNIST/mnist_custommodel.py -------------------------------------------------------------------------------- /05-FashionMNIST/mnist_fit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/05-FashionMNIST/mnist_fit.py -------------------------------------------------------------------------------- /05-FashionMNIST/mnist_matmul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/05-FashionMNIST/mnist_matmul.py -------------------------------------------------------------------------------- /06-CIFAR-VGG/.gitignore: -------------------------------------------------------------------------------- 1 | .idea 2 | __pycache__ 3 | -------------------------------------------------------------------------------- /06-CIFAR-VGG/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/06-CIFAR-VGG/README.md -------------------------------------------------------------------------------- /06-CIFAR-VGG/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/06-CIFAR-VGG/main.py -------------------------------------------------------------------------------- /06-CIFAR-VGG/network.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/06-CIFAR-VGG/network.py -------------------------------------------------------------------------------- /06-CIFAR-VGG/vgg16.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/06-CIFAR-VGG/vgg16.png -------------------------------------------------------------------------------- /07-Inception/.gitignore: -------------------------------------------------------------------------------- 1 | .idea 2 | __pycache__ 3 | .ipynb_checkpoints 4 | -------------------------------------------------------------------------------- /07-Inception/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/07-Inception/README.md -------------------------------------------------------------------------------- /07-Inception/inception.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/07-Inception/inception.png -------------------------------------------------------------------------------- /07-Inception/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/07-Inception/main.py -------------------------------------------------------------------------------- /08-ResNet/.gitignore: -------------------------------------------------------------------------------- 1 | .idea 2 | -------------------------------------------------------------------------------- /08-ResNet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/08-ResNet/README.md -------------------------------------------------------------------------------- /08-ResNet/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/08-ResNet/main.py -------------------------------------------------------------------------------- /08-ResNet/resnet.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/08-ResNet/resnet.jpeg -------------------------------------------------------------------------------- /09-RNN-Sentiment-Analysis/.gitignore: -------------------------------------------------------------------------------- 1 | .idea 2 | nohup.out 3 | -------------------------------------------------------------------------------- /09-RNN-Sentiment-Analysis/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/09-RNN-Sentiment-Analysis/README.md -------------------------------------------------------------------------------- /09-RNN-Sentiment-Analysis/imdb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/09-RNN-Sentiment-Analysis/imdb.png -------------------------------------------------------------------------------- /09-RNN-Sentiment-Analysis/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/09-RNN-Sentiment-Analysis/main.py -------------------------------------------------------------------------------- /10-ColorBot/.gitignore: -------------------------------------------------------------------------------- 1 | data 2 | __pycache__ 3 | -------------------------------------------------------------------------------- /10-ColorBot/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/10-ColorBot/README.md -------------------------------------------------------------------------------- /10-ColorBot/blue.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/10-ColorBot/blue.png -------------------------------------------------------------------------------- /10-ColorBot/green.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/10-ColorBot/green.png -------------------------------------------------------------------------------- /10-ColorBot/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/10-ColorBot/main.py -------------------------------------------------------------------------------- /10-ColorBot/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/10-ColorBot/model.py -------------------------------------------------------------------------------- /10-ColorBot/purple.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/10-ColorBot/purple.png -------------------------------------------------------------------------------- /10-ColorBot/red.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/10-ColorBot/red.png -------------------------------------------------------------------------------- /10-ColorBot/shot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/10-ColorBot/shot.png -------------------------------------------------------------------------------- /10-ColorBot/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/10-ColorBot/utils.py -------------------------------------------------------------------------------- /11-AE/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/11-AE/README.md -------------------------------------------------------------------------------- /11-AE/autoencoder.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/11-AE/autoencoder.png -------------------------------------------------------------------------------- /11-AE/images/vae_reconstructed_epoch_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/11-AE/images/vae_reconstructed_epoch_1.png -------------------------------------------------------------------------------- /11-AE/images/vae_reconstructed_epoch_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/11-AE/images/vae_reconstructed_epoch_2.png -------------------------------------------------------------------------------- /11-AE/images/vae_reconstructed_epoch_3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/11-AE/images/vae_reconstructed_epoch_3.png -------------------------------------------------------------------------------- /11-AE/images/vae_reconstructed_epoch_4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/11-AE/images/vae_reconstructed_epoch_4.png -------------------------------------------------------------------------------- /11-AE/images/vae_reconstructed_epoch_5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/11-AE/images/vae_reconstructed_epoch_5.png -------------------------------------------------------------------------------- /11-AE/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/11-AE/main.py -------------------------------------------------------------------------------- /12-VAE/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/README.md -------------------------------------------------------------------------------- /12-VAE/images/vae_reconstructed_epoch_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/images/vae_reconstructed_epoch_1.png -------------------------------------------------------------------------------- /12-VAE/images/vae_reconstructed_epoch_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/images/vae_reconstructed_epoch_2.png -------------------------------------------------------------------------------- /12-VAE/images/vae_reconstructed_epoch_3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/images/vae_reconstructed_epoch_3.png -------------------------------------------------------------------------------- /12-VAE/images/vae_reconstructed_epoch_4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/images/vae_reconstructed_epoch_4.png -------------------------------------------------------------------------------- /12-VAE/images/vae_reconstructed_epoch_5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/images/vae_reconstructed_epoch_5.png -------------------------------------------------------------------------------- /12-VAE/images/vae_reconstructed_epoch_6.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/images/vae_reconstructed_epoch_6.png -------------------------------------------------------------------------------- /12-VAE/images/vae_reconstructed_epoch_7.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/images/vae_reconstructed_epoch_7.png -------------------------------------------------------------------------------- /12-VAE/images/vae_reconstructed_epoch_8.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/images/vae_reconstructed_epoch_8.png -------------------------------------------------------------------------------- /12-VAE/images/vae_reconstructed_epoch_9.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/images/vae_reconstructed_epoch_9.png -------------------------------------------------------------------------------- /12-VAE/images/vae_sampled_epoch_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/images/vae_sampled_epoch_1.png -------------------------------------------------------------------------------- /12-VAE/images/vae_sampled_epoch_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/images/vae_sampled_epoch_2.png -------------------------------------------------------------------------------- /12-VAE/images/vae_sampled_epoch_3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/images/vae_sampled_epoch_3.png -------------------------------------------------------------------------------- /12-VAE/images/vae_sampled_epoch_4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/images/vae_sampled_epoch_4.png -------------------------------------------------------------------------------- /12-VAE/images/vae_sampled_epoch_5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/images/vae_sampled_epoch_5.png -------------------------------------------------------------------------------- /12-VAE/images/vae_sampled_epoch_6.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/images/vae_sampled_epoch_6.png -------------------------------------------------------------------------------- /12-VAE/images/vae_sampled_epoch_7.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/images/vae_sampled_epoch_7.png -------------------------------------------------------------------------------- /12-VAE/images/vae_sampled_epoch_8.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/images/vae_sampled_epoch_8.png -------------------------------------------------------------------------------- /12-VAE/images/vae_sampled_epoch_9.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/images/vae_sampled_epoch_9.png -------------------------------------------------------------------------------- /12-VAE/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/main.py -------------------------------------------------------------------------------- /12-VAE/variational_autoencoder.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/12-VAE/variational_autoencoder.png -------------------------------------------------------------------------------- /13-DCGAN/.gitignore: -------------------------------------------------------------------------------- 1 | images 2 | __pycache__ 3 | -------------------------------------------------------------------------------- /13-DCGAN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/13-DCGAN/README.md -------------------------------------------------------------------------------- /13-DCGAN/dcgan.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/13-DCGAN/dcgan.png -------------------------------------------------------------------------------- /13-DCGAN/gan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/13-DCGAN/gan.py -------------------------------------------------------------------------------- /13-DCGAN/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/13-DCGAN/main.py -------------------------------------------------------------------------------- /14-Pixel2Pixel/.gitignore: -------------------------------------------------------------------------------- 1 | images 2 | facade* 3 | __pycache__ 4 | -------------------------------------------------------------------------------- /14-Pixel2Pixel/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/14-Pixel2Pixel/README.md -------------------------------------------------------------------------------- /14-Pixel2Pixel/gd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/14-Pixel2Pixel/gd.py -------------------------------------------------------------------------------- /14-Pixel2Pixel/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/14-Pixel2Pixel/main.py -------------------------------------------------------------------------------- /14-Pixel2Pixel/pix2pix.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/14-Pixel2Pixel/pix2pix.jpg -------------------------------------------------------------------------------- /15-CycleGAN/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/15-CycleGAN/.gitignore -------------------------------------------------------------------------------- /15-CycleGAN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/15-CycleGAN/README.md -------------------------------------------------------------------------------- /15-CycleGAN/cyclegan.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/15-CycleGAN/cyclegan.jpg -------------------------------------------------------------------------------- /15-CycleGAN/images/generated_0.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/15-CycleGAN/images/generated_0.png -------------------------------------------------------------------------------- /15-CycleGAN/images/generated_40.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/15-CycleGAN/images/generated_40.png -------------------------------------------------------------------------------- /15-CycleGAN/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/15-CycleGAN/main.py -------------------------------------------------------------------------------- /15-CycleGAN/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/15-CycleGAN/model.py -------------------------------------------------------------------------------- /16-fasterRCNN/.gitignore: -------------------------------------------------------------------------------- 1 | .idea 2 | __pycache__ 3 | weights/faster_rcnn.h5 4 | -------------------------------------------------------------------------------- /16-fasterRCNN/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/LICENSE -------------------------------------------------------------------------------- /16-fasterRCNN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/README.md -------------------------------------------------------------------------------- /16-fasterRCNN/detection/core/anchor/anchor_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/detection/core/anchor/anchor_generator.py -------------------------------------------------------------------------------- /16-fasterRCNN/detection/core/anchor/anchor_target.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/detection/core/anchor/anchor_target.py -------------------------------------------------------------------------------- /16-fasterRCNN/detection/core/bbox/bbox_target.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/detection/core/bbox/bbox_target.py -------------------------------------------------------------------------------- /16-fasterRCNN/detection/core/bbox/geometry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/detection/core/bbox/geometry.py -------------------------------------------------------------------------------- /16-fasterRCNN/detection/core/bbox/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/detection/core/bbox/transforms.py -------------------------------------------------------------------------------- /16-fasterRCNN/detection/core/loss/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/detection/core/loss/losses.py -------------------------------------------------------------------------------- /16-fasterRCNN/detection/datasets/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/detection/datasets/coco.py -------------------------------------------------------------------------------- /16-fasterRCNN/detection/datasets/data_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/detection/datasets/data_generator.py -------------------------------------------------------------------------------- /16-fasterRCNN/detection/datasets/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/detection/datasets/transforms.py -------------------------------------------------------------------------------- /16-fasterRCNN/detection/datasets/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/detection/datasets/utils.py -------------------------------------------------------------------------------- /16-fasterRCNN/detection/models/backbones/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/detection/models/backbones/resnet.py -------------------------------------------------------------------------------- /16-fasterRCNN/detection/models/bbox_heads/bbox_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/detection/models/bbox_heads/bbox_head.py -------------------------------------------------------------------------------- /16-fasterRCNN/detection/models/detectors/faster_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/detection/models/detectors/faster_rcnn.py -------------------------------------------------------------------------------- /16-fasterRCNN/detection/models/detectors/test_mixins.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/detection/models/detectors/test_mixins.py -------------------------------------------------------------------------------- /16-fasterRCNN/detection/models/necks/fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/detection/models/necks/fpn.py -------------------------------------------------------------------------------- /16-fasterRCNN/detection/models/roi_extractors/roi_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/detection/models/roi_extractors/roi_align.py -------------------------------------------------------------------------------- /16-fasterRCNN/detection/models/rpn_heads/rpn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/detection/models/rpn_heads/rpn_head.py -------------------------------------------------------------------------------- /16-fasterRCNN/detection/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/detection/utils/misc.py -------------------------------------------------------------------------------- /16-fasterRCNN/image_demo_ckpt.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/image_demo_ckpt.png -------------------------------------------------------------------------------- /16-fasterRCNN/image_demo_random.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/image_demo_random.png -------------------------------------------------------------------------------- /16-fasterRCNN/inspect_model.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/inspect_model.ipynb -------------------------------------------------------------------------------- /16-fasterRCNN/inspect_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/inspect_model.py -------------------------------------------------------------------------------- /16-fasterRCNN/roi_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/roi_test.py -------------------------------------------------------------------------------- /16-fasterRCNN/shot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/shot.png -------------------------------------------------------------------------------- /16-fasterRCNN/tf.image.crop_and_resize_test.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/tf.image.crop_and_resize_test.png -------------------------------------------------------------------------------- /16-fasterRCNN/train_model.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/train_model.ipynb -------------------------------------------------------------------------------- /16-fasterRCNN/train_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/train_model.py -------------------------------------------------------------------------------- /16-fasterRCNN/visualize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/16-fasterRCNN/visualize.py -------------------------------------------------------------------------------- /17-A2C/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/17-A2C/README.md -------------------------------------------------------------------------------- /17-A2C/a2c.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/17-A2C/a2c.py -------------------------------------------------------------------------------- /17-A2C/cartpole.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/17-A2C/cartpole.gif -------------------------------------------------------------------------------- /17-A2C/reward.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/17-A2C/reward.png -------------------------------------------------------------------------------- /18-GPT/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/18-GPT/README.md -------------------------------------------------------------------------------- /18-GPT/architecture.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/18-GPT/architecture.png -------------------------------------------------------------------------------- /18-GPT/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/18-GPT/model.py -------------------------------------------------------------------------------- /19-BERT/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/README.md -------------------------------------------------------------------------------- /19-BERT/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/__init__.py -------------------------------------------------------------------------------- /19-BERT/architecture.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/architecture.png -------------------------------------------------------------------------------- /19-BERT/bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/bert.py -------------------------------------------------------------------------------- /19-BERT/embedding_similarity/__init__.py: -------------------------------------------------------------------------------- 1 | from .embeddings import * 2 | -------------------------------------------------------------------------------- /19-BERT/embedding_similarity/embeddings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/embedding_similarity/embeddings.py -------------------------------------------------------------------------------- /19-BERT/layer_normalization/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/layer_normalization/__init__.py -------------------------------------------------------------------------------- /19-BERT/layer_normalization/layer_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/layer_normalization/layer_normalization.py -------------------------------------------------------------------------------- /19-BERT/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/layers/__init__.py -------------------------------------------------------------------------------- /19-BERT/layers/conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/layers/conv.py -------------------------------------------------------------------------------- /19-BERT/layers/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/layers/embedding.py -------------------------------------------------------------------------------- /19-BERT/layers/extract.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/layers/extract.py -------------------------------------------------------------------------------- /19-BERT/layers/inputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/layers/inputs.py -------------------------------------------------------------------------------- /19-BERT/layers/masked.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/layers/masked.py -------------------------------------------------------------------------------- /19-BERT/layers/pooling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/layers/pooling.py -------------------------------------------------------------------------------- /19-BERT/loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/loader.py -------------------------------------------------------------------------------- /19-BERT/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/main.py -------------------------------------------------------------------------------- /19-BERT/multi_head_attention/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/multi_head_attention/__init__.py -------------------------------------------------------------------------------- /19-BERT/multi_head_attention/multi_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/multi_head_attention/multi_head.py -------------------------------------------------------------------------------- /19-BERT/multi_head_attention/multi_head_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/multi_head_attention/multi_head_attention.py -------------------------------------------------------------------------------- /19-BERT/pointwise_feedforward/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/pointwise_feedforward/__init__.py -------------------------------------------------------------------------------- /19-BERT/pointwise_feedforward/feed_forward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/pointwise_feedforward/feed_forward.py -------------------------------------------------------------------------------- /19-BERT/position_embedding/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/position_embedding/__init__.py -------------------------------------------------------------------------------- /19-BERT/position_embedding/pos_embd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/position_embedding/pos_embd.py -------------------------------------------------------------------------------- /19-BERT/position_embedding/trig_pos_embd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/position_embedding/trig_pos_embd.py -------------------------------------------------------------------------------- /19-BERT/self_attention/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/self_attention/__init__.py -------------------------------------------------------------------------------- /19-BERT/self_attention/scaled_dot_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/self_attention/scaled_dot_attention.py -------------------------------------------------------------------------------- /19-BERT/self_attention/seq_self_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/self_attention/seq_self_attention.py -------------------------------------------------------------------------------- /19-BERT/self_attention/seq_weighted_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/self_attention/seq_weighted_attention.py -------------------------------------------------------------------------------- /19-BERT/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/tokenizer.py -------------------------------------------------------------------------------- /19-BERT/transformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/transformer/__init__.py -------------------------------------------------------------------------------- /19-BERT/transformer/gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/transformer/gelu.py -------------------------------------------------------------------------------- /19-BERT/transformer/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/19-BERT/transformer/transformer.py -------------------------------------------------------------------------------- /20-GCN/README.MD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/20-GCN/README.MD -------------------------------------------------------------------------------- /20-GCN/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/20-GCN/config.py -------------------------------------------------------------------------------- /20-GCN/inits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/20-GCN/inits.py -------------------------------------------------------------------------------- /20-GCN/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/20-GCN/layers.py -------------------------------------------------------------------------------- /20-GCN/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/20-GCN/metrics.py -------------------------------------------------------------------------------- /20-GCN/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/20-GCN/models.py -------------------------------------------------------------------------------- /20-GCN/nohup.out: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /20-GCN/res/screen.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/20-GCN/res/screen.png -------------------------------------------------------------------------------- /20-GCN/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/20-GCN/train.py -------------------------------------------------------------------------------- /20-GCN/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/20-GCN/utils.py -------------------------------------------------------------------------------- /21-CN-EN-Translation-BERT/Readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/21-CN-EN-Translation-BERT/Readme.md -------------------------------------------------------------------------------- /21-CN-EN-Translation-BERT/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/21-CN-EN-Translation-BERT/attention.py -------------------------------------------------------------------------------- /21-CN-EN-Translation-BERT/attlayer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/21-CN-EN-Translation-BERT/attlayer.py -------------------------------------------------------------------------------- /21-CN-EN-Translation-BERT/bert_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/21-CN-EN-Translation-BERT/bert_train.py -------------------------------------------------------------------------------- /21-CN-EN-Translation-BERT/bertmodel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/21-CN-EN-Translation-BERT/bertmodel.py -------------------------------------------------------------------------------- /21-CN-EN-Translation-BERT/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/21-CN-EN-Translation-BERT/test.py -------------------------------------------------------------------------------- /21-CN-EN-Translation-BERT/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/21-CN-EN-Translation-BERT/tokenizer.py -------------------------------------------------------------------------------- /21-CN-EN-Translation-BERT/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/21-CN-EN-Translation-BERT/transformer.py -------------------------------------------------------------------------------- /21-CN-EN-Translation-BERT/transformer_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/21-CN-EN-Translation-BERT/transformer_train.py -------------------------------------------------------------------------------- /21-CN-EN-Translation-BERT/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/21-CN-EN-Translation-BERT/utils.py -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/README.md -------------------------------------------------------------------------------- /res/TF_QR_163.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/res/TF_QR_163.png -------------------------------------------------------------------------------- /res/ai101.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/res/ai101.jpg -------------------------------------------------------------------------------- /res/cover.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/res/cover.png -------------------------------------------------------------------------------- /res/tensorflow-2.0.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/res/tensorflow-2.0.gif -------------------------------------------------------------------------------- /res/tensorflow-2.0.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/res/tensorflow-2.0.jpg -------------------------------------------------------------------------------- /res/weibo.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/res/weibo.jpg -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/0-课程介绍/cover.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/0-课程介绍/cover.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/0-课程介绍/深度学习与TF.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/0-课程介绍/深度学习与TF.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/0-课程介绍/版权声明.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/0-课程介绍/版权声明.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/0-课程介绍/答疑群-441082251.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/0-课程介绍/答疑群-441082251.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/0-课程介绍/请学员务必加群答疑!!!.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/0-课程介绍/请学员务必加群答疑!!!.txt -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/Readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/Readme.md -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson01-初见TensorFlow2.0/autograd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson01-初见TensorFlow2.0/autograd.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson01-初见TensorFlow2.0/gpu_accelerate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson01-初见TensorFlow2.0/gpu_accelerate.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson01-初见TensorFlow2.0/初见TensorFlow2.0.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson01-初见TensorFlow2.0/初见TensorFlow2.0.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson01-初见TensorFlow2.0/版权声明.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson01-初见TensorFlow2.0/版权声明.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson01-初见TensorFlow2.0/答疑群-441082251.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson01-初见TensorFlow2.0/答疑群-441082251.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson01-初见TensorFlow2.0/请学员务必加群答疑!!!.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson01-初见TensorFlow2.0/请学员务必加群答疑!!!.txt -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson02-开发环境准备/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson02-开发环境准备/test.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson02-开发环境准备/开发环境安装-极简版.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson02-开发环境准备/开发环境安装-极简版.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson02-开发环境准备/开发环境安装-标准版.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson02-开发环境准备/开发环境安装-标准版.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson02-开发环境准备/版权声明.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson02-开发环境准备/版权声明.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson02-开发环境准备/答疑群-441082251.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson02-开发环境准备/答疑群-441082251.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson02-开发环境准备/请学员务必加群答疑!!!.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson02-开发环境准备/请学员务必加群答疑!!!.txt -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson03-回归问题/回归问题.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson03-回归问题/回归问题.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson03-回归问题/版权声明.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson03-回归问题/版权声明.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson03-回归问题/答疑群-441082251.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson03-回归问题/答疑群-441082251.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson03-回归问题/请学员务必加群答疑!!!.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson03-回归问题/请学员务必加群答疑!!!.txt -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson04-回归问题实战/data.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson04-回归问题实战/data.csv -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson04-回归问题实战/linear_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson04-回归问题实战/linear_regression.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson04-回归问题实战/回归实战.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson04-回归问题实战/回归实战.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson04-回归问题实战/版权声明.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson04-回归问题实战/版权声明.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson04-回归问题实战/答疑群-441082251.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson04-回归问题实战/答疑群-441082251.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson04-回归问题实战/请学员务必加群答疑!!!.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson04-回归问题实战/请学员务必加群答疑!!!.txt -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson05-手写数字问题/手写数字问题.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson05-手写数字问题/手写数字问题.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson05-手写数字问题/版权声明.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson05-手写数字问题/版权声明.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson05-手写数字问题/答疑群-441082251.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson05-手写数字问题/答疑群-441082251.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson05-手写数字问题/请学员务必加群答疑!!!.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson05-手写数字问题/请学员务必加群答疑!!!.txt -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson06-手写数字识别初体验/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson06-手写数字识别初体验/main.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson06-手写数字识别初体验/手写数字问题体验.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson06-手写数字识别初体验/手写数字问题体验.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson06-手写数字识别初体验/版权声明.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson06-手写数字识别初体验/版权声明.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson06-手写数字识别初体验/答疑群-441082251.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson06-手写数字识别初体验/答疑群-441082251.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson06-手写数字识别初体验/请学员务必加群答疑!!!.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson06-手写数字识别初体验/请学员务必加群答疑!!!.txt -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson07-数据类型/代码量较少,同学们自己动手练习.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson07-数据类型/数据类型.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson07-数据类型/数据类型.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson07-数据类型/版权声明.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson07-数据类型/版权声明.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson07-数据类型/答疑群-441082251.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson07-数据类型/答疑群-441082251.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson07-数据类型/请学员务必加群答疑!!!.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson07-数据类型/请学员务必加群答疑!!!.txt -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson08-创建Tensor/代码量较少,同学们自己动手练习.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson08-创建Tensor/创建Tensor.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson08-创建Tensor/创建Tensor.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson08-创建Tensor/版权声明.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson08-创建Tensor/版权声明.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson08-创建Tensor/答疑群-441082251.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson08-创建Tensor/答疑群-441082251.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson08-创建Tensor/请学员务必加群答疑!!!.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson08-创建Tensor/请学员务必加群答疑!!!.txt -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson09-索引与切片/代码量较少,同学们自己动手练习.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson09-索引与切片/索引与切片-1.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson09-索引与切片/索引与切片-1.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson09-索引与切片/索引与切片-2.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson09-索引与切片/索引与切片-2.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson10-维度变换/维度变换.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson10-维度变换/维度变换.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson11-Broadcasting/Broadcasting.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson11-Broadcasting/Broadcasting.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson12-数学运算/数学运算.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson12-数学运算/数学运算.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson13-前向传播(张量)-实战/forward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson13-前向传播(张量)-实战/forward.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson13-前向传播(张量)-实战/前向传播.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson13-前向传播(张量)-实战/前向传播.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson13-前向传播(张量)-实战/答疑群-926107229.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson13-前向传播(张量)-实战/答疑群-926107229.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson13-前向传播(张量)-实战/请学员务必加群答疑!!!.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson13-前向传播(张量)-实战/请学员务必加群答疑!!!.txt -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson14-合并与分割/合并与分割.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson14-合并与分割/合并与分割.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson15-数据统计/数据统计.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson15-数据统计/数据统计.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson16-张量排序/topk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson16-张量排序/topk.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson16-张量排序/张量排序.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson16-张量排序/张量排序.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson17-填充与复制/填充与复制.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson17-填充与复制/填充与复制.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson18-数据限幅/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson18-数据限幅/main.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson18-数据限幅/张量限幅.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson18-数据限幅/张量限幅.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson19-高阶OP/meshgrid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson19-高阶OP/meshgrid.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson19-高阶OP/高阶特性.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson19-高阶OP/高阶特性.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson20-数据加载/数据加载.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson20-数据加载/数据加载.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson21-测试(张量)-实战/forward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson21-测试(张量)-实战/forward.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson21-测试(张量)-实战/mnist_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson21-测试(张量)-实战/mnist_tensor.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson21-测试(张量)-实战/测试(张量)实战.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson21-测试(张量)-实战/测试(张量)实战.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson22-全连接层/mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson22-全连接层/mlp.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson22-全连接层/全接连层.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson22-全连接层/全接连层.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson23-输出方式/输出方式.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson23-输出方式/输出方式.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson24-误差计算/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson24-误差计算/loss.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson24-误差计算/误差计算.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson24-误差计算/误差计算.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/0.梯度下降-简介.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/0.梯度下降-简介.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/2.常见函数的梯度.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/2.常见函数的梯度.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/2nd_derivative.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/2nd_derivative.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/3.激活函数及其梯度.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/3.激活函数及其梯度.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/4.损失函数及其梯度.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/4.损失函数及其梯度.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/5.单输出感知机梯度.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/5.单输出感知机梯度.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/6.多输出感知机梯度.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/6.多输出感知机梯度.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/7.链式法则.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/7.链式法则.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/8.多层感知机梯度.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/8.多层感知机梯度.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/chain_rule.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/chain_rule.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/crossentropy_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/crossentropy_loss.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/mse_grad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/mse_grad.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/multi_output_perceptron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/multi_output_perceptron.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/sigmoid_grad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/sigmoid_grad.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/single_output_perceptron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson25-梯度计算/single_output_perceptron.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson26-优化方法/himmelblau.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson26-优化方法/himmelblau.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson26-优化方法/函数优化实战.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson26-优化方法/函数优化实战.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson27-书写数字问题(层)-实战/MNIST实战.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson27-书写数字问题(层)-实战/MNIST实战.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson27-书写数字问题(层)-实战/fashionmnist_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson27-书写数字问题(层)-实战/fashionmnist_layer.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson27-书写数字问题(层)-实战/答疑群-926107229.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson27-书写数字问题(层)-实战/答疑群-926107229.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson27-书写数字问题(层)-实战/请学员务必加群答疑!!!.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson27-书写数字问题(层)-实战/请学员务必加群答疑!!!.txt -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson28-可视化/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson28-可视化/main.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson28-可视化/可视化.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson28-可视化/可视化.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson30-Keras高层API/1.Metrics.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson30-Keras高层API/1.Metrics.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson30-Keras高层API/2.Compile&Fit.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson30-Keras高层API/2.Compile&Fit.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson30-Keras高层API/3.自定义层.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson30-Keras高层API/3.自定义层.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson30-Keras高层API/compile_fit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson30-Keras高层API/compile_fit.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson30-Keras高层API/layer_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson30-Keras高层API/layer_model.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson30-Keras高层API/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson30-Keras高层API/metrics.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson31-Keras模型保存与加载/model.h5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson31-Keras模型保存与加载/model.h5 -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson31-Keras模型保存与加载/save_load_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson31-Keras模型保存与加载/save_load_model.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson31-Keras模型保存与加载/save_load_weight.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson31-Keras模型保存与加载/save_load_weight.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson31-Keras模型保存与加载/模型加载与保存.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson31-Keras模型保存与加载/模型加载与保存.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson32-Keras实战/Keras实战CIFAR10.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson32-Keras实战/Keras实战CIFAR10.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson32-Keras实战/keras_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson32-Keras实战/keras_train.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson32-Keras实战/答疑群-926107229.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson32-Keras实战/答疑群-926107229.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson32-Keras实战/请学员务必加群答疑!!!.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson32-Keras实战/请学员务必加群答疑!!!.txt -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson33-过拟合与欠拟合/过拟合与欠拟合.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson33-过拟合与欠拟合/过拟合与欠拟合.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson34-交叉验证/compile_fit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson34-交叉验证/compile_fit.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson34-交叉验证/train_evalute_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson34-交叉验证/train_evalute_test.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson34-交叉验证/交叉验证.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson34-交叉验证/交叉验证.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson35-Regularization/Regularization.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson35-Regularization/Regularization.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson35-Regularization/regularization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson35-Regularization/regularization.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson36-动量与学习率/学习率与动量.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson36-动量与学习率/学习率与动量.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson37-Early Stopping, Dropout/dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson37-Early Stopping, Dropout/dropout.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson37-Early Stopping, Dropout/misc.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson37-Early Stopping, Dropout/misc.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson38-卷积神经网络/什么是卷积.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson38-卷积神经网络/什么是卷积.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson38-卷积神经网络/卷积神经网络.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson38-卷积神经网络/卷积神经网络.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson39-池化与采样/池化与采样.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson39-池化与采样/池化与采样.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson40-CIFAR与VGG实战/CIFAR与VGG实战.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson40-CIFAR与VGG实战/CIFAR与VGG实战.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson40-CIFAR与VGG实战/cifar100_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson40-CIFAR与VGG实战/cifar100_train.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson40-CIFAR与VGG实战/答疑群-926107229.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson40-CIFAR与VGG实战/答疑群-926107229.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson40-CIFAR与VGG实战/请学员务必加群答疑!!!.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson40-CIFAR与VGG实战/请学员务必加群答疑!!!.txt -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson41-经典卷积网络/经典卷积网络.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson41-经典卷积网络/经典卷积网络.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson42-BatchNorm/BatchNorm.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson42-BatchNorm/BatchNorm.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson42-BatchNorm/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson42-BatchNorm/main.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson43-ResNet/ResNet与DenseNet.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson43-ResNet/ResNet与DenseNet.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson43-ResNet/ResNet实战.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson43-ResNet/ResNet实战.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson43-ResNet/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson43-ResNet/resnet.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson43-ResNet/resnet18_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson43-ResNet/resnet18_train.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson44-循环神经网络/循环神经网络.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson44-循环神经网络/循环神经网络.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson44-循环神经网络/时间序列表示.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson44-循环神经网络/时间序列表示.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson45-RNN实战/RNN Layer使用.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson45-RNN实战/RNN Layer使用.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson45-RNN实战/sentiment_analysis_cell.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson45-RNN实战/sentiment_analysis_cell.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson45-RNN实战/sentiment_analysis_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson45-RNN实战/sentiment_analysis_layer.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson45-RNN实战/情感分类实战.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson45-RNN实战/情感分类实战.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson46-LSTM/LSTM.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson46-LSTM/LSTM.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson46-LSTM/梯度弥散与梯度爆炸.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson46-LSTM/梯度弥散与梯度爆炸.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson47-LSTM实战/LSTM实战.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson47-LSTM实战/LSTM实战.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson47-LSTM实战/gru_sentiment_analysis_cell.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson47-LSTM实战/gru_sentiment_analysis_cell.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson47-LSTM实战/gru_sentiment_analysis_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson47-LSTM实战/gru_sentiment_analysis_layer.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson47-LSTM实战/lstm_sentiment_analysis_cell.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson47-LSTM实战/lstm_sentiment_analysis_cell.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson47-LSTM实战/lstm_sentiment_analysis_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson47-LSTM实战/lstm_sentiment_analysis_layer.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson48-AutoEncoders/AutoEncoders.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson48-AutoEncoders/AutoEncoders.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson49-VAE实战/AE实战.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson49-VAE实战/AE实战.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson49-VAE实战/autoencoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson49-VAE实战/autoencoder.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson49-VAE实战/vae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson49-VAE实战/vae.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson49-VAE实战/答疑群-926107229.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson49-VAE实战/答疑群-926107229.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson49-VAE实战/请学员务必加群答疑!!!.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson49-VAE实战/请学员务必加群答疑!!!.txt -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson50-GAN/GAN.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson50-GAN/GAN.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson51-WGAN实战/GAN实战.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson51-WGAN实战/GAN实战.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson51-WGAN实战/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson51-WGAN实战/dataset.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson51-WGAN实战/gan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson51-WGAN实战/gan.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson51-WGAN实战/gan_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson51-WGAN实战/gan_train.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson51-WGAN实战/wgan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson51-WGAN实战/wgan.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson51-WGAN实战/wgan_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson51-WGAN实战/wgan_train.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson51-WGAN实战/答疑群-926107229.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson51-WGAN实战/答疑群-926107229.png -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson51-WGAN实战/请学员务必加群答疑!!!.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson51-WGAN实战/请学员务必加群答疑!!!.txt -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson52-自定义数据集和迁移学习/pokemon.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson52-自定义数据集和迁移学习/pokemon.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson52-自定义数据集和迁移学习/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson52-自定义数据集和迁移学习/resnet.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson52-自定义数据集和迁移学习/train_scratch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson52-自定义数据集和迁移学习/train_scratch.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson52-自定义数据集和迁移学习/train_transfer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson52-自定义数据集和迁移学习/train_transfer.py -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson52-自定义数据集和迁移学习/宝可梦数据集.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson52-自定义数据集和迁移学习/宝可梦数据集.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson53-YOLO目标检测/YOLO.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson53-YOLO目标检测/YOLO.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson53-YOLO目标检测/YOLO实战.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson53-YOLO目标检测/YOLO实战.pdf -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson53-YOLO目标检测/代码需购买课程并加群下载(网易云课堂).txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /深度学习与TensorFlow入门实战-源码和PPT/lesson选看-人工智能发展史/人工智能发展史.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/dragen1860/TensorFlow-2.x-Tutorials/HEAD/深度学习与TensorFlow入门实战-源码和PPT/lesson选看-人工智能发展史/人工智能发展史.pdf --------------------------------------------------------------------------------