-
Updated
Jun 9, 2020 - Jupyter Notebook
#
tensorflow2
Here are 1,020 public repositories matching this topic...
深度学习入门开源书,基于TensorFlow 2.0案例实战。Open source Deep Learning book, based on TensorFlow 2.0 framework.
Open
如何将md当做ipynb打开?
9
Qinzixin
opened
Apr 4, 2020
DeepNude's algorithm and general image generation theory and practice research, including pix2pix, CycleGAN, UGATIT, DCGAN, SinGAN, ALAE, mGANprior, StarGAN-v2 and VAE models (TensorFlow2 implementation). DeepNude的算法以及通用生成对抗网络(GAN,Generative Adversarial Network)图像生成的理论与实践研究。
dcgan
vae
image-generation
pix2pix
image-to-image
nerual-style
cycle-gan
deepface
deepfakes
tensorflow2
style-gan
deepnude
zao
sin-gan
-
Updated
Jul 12, 2020 - Python
本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为TensorFlow 2.0实现,项目已得到李沐老师的同意
nlp
deep-learning
book
cv
jupyter-notebook
tutorials
python3
chinese-simplified
tensorflow2
dive-into-deep-learning
-
Updated
Aug 15, 2020 - Jupyter Notebook
Open
Fix code
1
asmodaay
commented
Aug 4, 2020
Hello, if i enable bidirectional decoder training script drops eror.
There is in train.py line 185
keep_avg.update_values({'avg_decoder_b_loss': loss_dict['decoder_backward_loss'].item(),
need to change on
keep_avg.update_values({'avg_decoder_b_loss': loss_dict['decoder_b_loss'].item(),
人工智能学习路线图,整理近200个实战案例与项目,免费提供配套教材,零基础入门,就业实战!包括:Python,数学,机器学习,数据分析,深度学习,计算机视觉,自然语言处理,PyTorch tensorflow machine-learning,deep-learning data-analysis data-mining mathematics data-science artificial-intelligence python tensorflow tensorflow2 caffe keras pytorch algorithm numpy pandas matplotlib seaborn nlp cv等热门领域
python
nlp
data-science
machine-learning
data-mining
algorithm
caffe
deep-learning
tensorflow
numpy
cv
keras
mathematics
pandas
pytorch
seaborn
artificial-intelligence
data-analysis
matplotlib
tensorflow2
-
Updated
Feb 6, 2020
一个可以自己进行训练的中文聊天机器人, 根据自己的语料训练出自己想要的聊天机器人,可以用于智能客服、在线问答、智能聊天等场景。目前包含seq2seq、seqGAN版本和tf2.0版本。
-
Updated
Aug 2, 2020 - Python
Sandbox for training convolutional networks for computer vision
machine-learning
deep-learning
neural-network
mxnet
chainer
tensorflow
keras
pytorch
classification
imagenet
image-classification
segmentation
human-pose-estimation
pretrained-models
gluon
cifar
semantic-segmentation
3d-face-reconstruction
tensorflow2
-
Updated
Jul 23, 2020 - Python
Building blocks for NLP and Text Generation in TensorFlow 2.x / 1.x
-
Updated
Aug 19, 2020 - Jupyter Notebook
Graph Neural Networks with Keras and Tensorflow 2.
-
Updated
Aug 5, 2020 - Python
Open
Yolov3 slow?
8
yuntai
commented
Jul 12, 2019
with video_demo.py about 20% speed compared to your 1.0 repo. but thanks much for sharing!
Official repository for the "Big Transfer (BiT): General Visual Representation Learning" paper.
-
Updated
Aug 19, 2020 - Python
Tensorflow 2.x based implementation of EDSR, WDSR and SRGAN for single image super-resolution
-
Updated
Feb 20, 2020 - Jupyter Notebook
text-to-speech
real-time
tensorflow
tts
speech-synthesis
seq2seq
vocoder
tflite
neural-vocoder
tensorflow2
fastspeech
tacotron2
melgan
multi-speaker-tts
multiband-melgan
mb-melgan
fastspeech2
parallel-wavegan
mobile-tts
-
Updated
Aug 20, 2020 - Python
yolo(v3/v4) implementation in keras and tensorflow 2.2
deep-neural-networks
computer-vision
deep-learning
numpy
image-processing
pandas
data-visualization
python3
yolo
object-detection
train
bounding-boxes
data-augmentation
pretrained-weights
mean-average-precision
yolov3
tensorflow2
random-weights
yolov4
yolov4-training
-
Updated
Jun 2, 2020 - Python
Generate your own cartoon-style images with CartoonGAN (CVPR 2018), powered by TensorFlow 2.0 Alpha.
deep-learning
tensorflow
keras
generative-adversarial-network
gan
generative-art
tensorboard
tf-keras
tensorflow2
-
Updated
May 8, 2020 - Python
nlp
awesome
tensorflow
tf2
yolo
tensorflow2
tensorflow-2
tensorflow-2-example
tensorflow2-awesome
tensorflow2-models
tensorflow2-experiments
tf2gan
tf2cnn
tf2-example
tf2-segmentation
-
Updated
Aug 18, 2020
DCGAN LSGAN WGAN-GP DRAGAN Tensorflow 2
-
Updated
Aug 10, 2020 - Python
custom human activity recognition modules by pose estimation and cascaded inference using sklearn API
classifier
raspberry-pi
scikit-learn
lstm
machinelearning
human-activity-recognition
pose-estimation
human-action-recognition
tensorflow2
edgetpu
jetson-nano
-
Updated
Mar 3, 2020 - Python
TensorFlow2 Reinforcement Learning
reinforcement-learning
tensorflow
deep-reinforcement-learning
imitation-learning
inverse-reinforcement-learning
tensorflow2
-
Updated
Aug 14, 2020 - Python
Source codes for the book "Reinforcement Learning: Theory and Python Implementation"
-
Updated
Aug 16, 2020 - Jupyter Notebook
A tensorflow2 implementation of some basic CNNs(MobileNetV1/V2/V3, EfficientNet, ResNeXt, InceptionV4, InceptionResNetV1/V2, SENet, SqueezeNet, DenseNet, ShuffleNetV2, ResNet).
tensorflow
image-classification
image-recognition
densenet
resnet
squeezenet
resnext
senet
inception-resnet-v2
mobilenet-v2
seresnet
shufflenet-v2
inception-v4
mobilenet-v1
tensorflow2
mobilenet-v3
efficientnet
-
Updated
Jul 11, 2020 - Python
PyTorch, TensorFlow, JAX and NumPy — all of them natively using the same code
-
Updated
Aug 14, 2020 - Python
A simple face detect and alignment method, which is easy and stable.
-
Updated
Apr 28, 2020 - Python
machine-learning
reinforcement-learning
deep-learning
algorithms
tensorflow
deep-reinforcement-learning
dqn
a3c
reinforce
ddpg
sac
double-dqn
trpo
dueling-dqn
ppo
a2c
rainbow-dqn
tensorflow2
-
Updated
May 4, 2020 - Python
Code accompanying the blog post "Deep Reinforcement Learning with TensorFlow 2.1"
-
Updated
Feb 13, 2020 - Jupyter Notebook
Code for YouTube series: Deep Learning for Audio Classification
-
Updated
Aug 9, 2020 - Jupyter Notebook
A developing recommender system in tensorflow2. Algorithm: UserCF, ItemCF, LFM, SLIM, GMF, MLP, NeuMF, FM, DeepFM, MKR, RippleNet, KGCN and so on.
-
Updated
Jul 23, 2020 - Python
Pretrained ELECTRA Model for Korean
-
Updated
Jul 7, 2020 - Python
Improve this page
Add a description, image, and links to the tensorflow2 topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the tensorflow2 topic, visit your repo's landing page and select "manage topics."

