自定义博客皮肤VIP专享

*博客头图:

格式为PNG、JPG,宽度*高度大于1920*100像素,不超过2MB,主视觉建议放在右侧,请参照线上博客头图

请上传大于1920*100像素的图片!

博客底图:

图片格式为PNG、JPG,不超过1MB,可上下左右平铺至整个背景

栏目图:

图片格式为PNG、JPG,图片宽度*高度为300*38像素,不超过0.5MB

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(157)
  • 资源 (2)
  • 收藏
  • 关注

原创 简单聊一聊 Python 有哪几方面的应用

Python:首先我们来讲一下 Python 能够做什么,我查了下官网,主要把几个可以应用的方面罗列下:Web and Internet DevelopmentScientific and NumericEducationDesktop GUIsSoftware DevelopmentBusiness Applications对于每个应用方面,下面展开简单说一说。Web and Internet Development:Python 为 Web 开发 提供了多种选择:比如有 Dj

2022-01-28 14:31:13 1243

原创 A very simple framework for state-of-the-art Natural Language Processing (NLP) ------ note-2

flairNLP-1Let’s use a pre-trained model for named entity recognition (NER). This model was trained over the English CoNLL-03 task and can recognize 4 different entity types.All you need to do is use the predict() method of the tagger on a sentence. This

2021-12-04 22:51:50 164

原创 A very simple framework for state-of-the-art Natural Language Processing (NLP) ------ note-1

flairNLPFlair is:A powerful NLP library. Flair allows you to apply our state-of-the-art natural language processing (NLP) models to your text, such as named entity recognition (NER), part-of-speech tagging (PoS), special support for biomedical data, sen

2021-12-04 22:50:55 340

原创 知识图谱笔记(三)

知识图谱笔记(三)知识图谱基础之RDF,RDFS与OWL本文将结合实例,对RDF和RDFS/OWL,这两种知识图谱基础技术作进一步的介绍。其实,RDF、RDFS/OWL是类语义网概念背后通用的基本技术,而知识图谱是其中最广为人知的概念RDF(Resource Description Framework),即资源描述框架,其本质是一个数据模型(Data Model)。它提供了一个统一的标准,用于描述实体/资源。简单来说,就是表示事物的一种方法和手段。RDF形式上表示为SPO三元组,有时候也称为一条语句(

2021-11-23 11:06:33 152

原创 知识图谱笔记(二)

知识图谱笔记(二)对于初学者来讲,这个概念很容易和语义网(Semantic Web)相混淆。为了行文一致,除非特别说明,语义网络指Semantic Network,语义网指Semantic Web语义网络是由Quillian于上世纪60年代提出的知识表达模式,其用相互连接的节点和边来表示知识。节点表示对象、概念,边表示节点之间的关系语义网络的优点:容易理解和展示相关概念容易聚类语义网络的缺点:节点和边的值没有标准,完全是由用户自己定义多源数据融合比较困难,因为没有标准无法区分概念节

2021-11-22 18:50:06 189

原创 知识图谱笔记(一)

知识图谱笔记(一)为什么需要知识图谱?什么是知识图谱?——KG的前世今生第一个部分介绍我们为什么需要知识图谱,第二个部分介绍知识图谱的相关概念及其形式化表示之所以举这样一个例子,是因为,计算机一直面临着这样的困境——无法获取网络文本的语义信息如同上面的例子,机器看到文本的反应和我们看到罗纳尔多葡萄牙语原名的反应别无二致。为了让机器能够理解文本背后的含义,我们需要对可描述的事物(实体)进行建模,填充它的属性,拓展它和其他事物的联系,即,构建机器的先验知识机器拥有了这样的先验知识,当它再次看到Ron

2021-11-22 16:25:32 320

原创 Introducing TensorFlow Graph Neural Networks

Introducing_TensorFlow_Graph_Neural_NetworksToday, we are excited to release TensorFlow Graph Neural Networks (GNNs), a library designed to make it easy to work with graph structured data using TensorFlow.Graphs are all around us, in the real world and i

2021-11-19 21:57:42 982

原创 Approximate Nearest Neighbors -----最邻近搜索工具(一)

AnnoyAnnoy (Approximate Nearest Neighbors Oh Yeah) is a C++ library with Python bindings to search for points in space that are close to a given query point. It also creates large read-only file-based data structures that are mmapped into memory so that m

2021-11-19 14:26:42 538

原创 Basic regression: Predict fuel efficiency ------ TensorFlow

Basic_regression_Predict_fuel_efficiencyIn a regression problem, the aim is to predict the output of a continuous value, like a price or a probability. Contrast this with a classification problem, where the aim is to select a class from a list of classes

2021-11-18 14:03:24 1097

原创 Tensorflow Similarity Supervised Learning Hello World

Tensorflow_Similarity_Supervised_Learning_Hello_WorldThis notebook demonstrates how to use TensorFlow Similarity to train a SimilarityModel() on a fraction of the MNIST classes, and yet the model is able to index and retrieve similar looking images for al

2021-11-15 21:08:17 1325

原创 Introducing TensorFlow Similarity

tensorflow_similarityToday we are releasing the first version of TensorFlow Similarity, a python package designed to make it easy and fast to train similarity models using TensorFlow.Examples of nearest neighbor searches performed on the embeddings gene

2021-11-15 11:29:10 1253

原创 Basic text classification ------ TensorFlow

text_classification文本分类对 IMDB 数据集里的评论进行情感分析,其实就是分为正面和负面两类评论对 Stack Overflow 上的编程问题进行打标签This tutorial demonstrates text classification starting from plain text files stored on disk. You’ll train a binary classifier to perform sentiment analysis on an IM

2021-11-13 15:54:09 863

原创 Load CSV data ----- TensorFlow

我们这里处理的是 CSV 数据There are two main parts to this:Loading the data off diskPre-processing it into a form suitable for training.This tutorial focuses on the loading, and gives some quick examples of preprocessing. For a tutorial that focuses on the prep

2021-11-11 15:31:44 764

原创 Basic classification: Classify images of clothing

1.数据读取,然后对数据进行预处理,把 x 转化成 float-point,y 还是保留 label 形式2.搭建模型,要指定输入的 input_shape3.compile 里面要指定 optimizer,loss_function,metric4.对模型进行评估,预测的输出要经过 softmax 得到 probability 形式的表示唯一有特点的地方是对预测的输出做了可视化处理This guide uses the Fashion MNIST dataset which contains 7

2021-11-10 21:30:55 336

原创 TensorFlow 2 quickstart for beginners

import tensorflow as tfprint("TensorFlow version:", tf.__version__)mnist = tf.keras.datasets.mnist(x_train, y_train), (x_test, y_test) = mnist.load_data()x_train, x_test = x_train / 255.0, x_test / 255.0model = tf.keras.models.Sequential([ tf.

2021-11-10 19:18:29 517

原创 Pytorch----模型性能研究工具

Pytorchtorchstattorchstat: The Pytorch Model AnalyzerThis is a lightweight neural network analyzer based on Pytorch. It is designed to make building your networks quick and easy, with the ability to debug them.This tools can show:Total number of netw

2021-11-08 13:42:09 593

原创 Exploring the TF-Hub CORD-19 Swivel Embeddings

cord_19_embeddings_kerasThese embeddings were trained on the titles, authors, abstracts, body texts, and reference titles of articles in the CORD-19 datasetIn this colab we will:Analyze semantically similar words in the embedding spaceTrain a classifi

2021-11-04 20:46:02 205

原创 Bangla Article Classification With TF-Hub

bangla_article_classifierThis Colab is a demonstration of using TensorFlow Hub for text classification in non-English/local languages. Here we choose Bangla as the local language and use pretrained word embeddings to solve a multiclass classification task

2021-11-04 18:17:15 222

原创 How to solve a problem on Kaggle with TF-Hub

text_classification_with_tf_hub_on_kaggleTF-Hub is a platform to share machine learning expertise packaged in reusable resources, notably pre-trained modules. In this tutorial, we will use a TF-Hub text embedding module to train a simple sentiment classif

2021-11-04 10:46:05 97

原创 Universal Sentence Encoder ----- TF Hub

semantic_similarity_with_tf_hub_universal_encoderThis notebook illustrates how to access the Universal Sentence Encoder and use it for sentence similarity and sentence classification tasksThe Universal Sentence Encoder makes getting sentence level embedd

2021-11-03 21:24:51 240

原创 Solve GLUE tasks using BERT ----- TF Hub

bert_glueBERT can be used to solve many problems in natural language processing. You will learn how to fine-tune BERT for many tasks from the GLUE benchmark:CoLA (Corpus of Linguistic Acceptability): Is the sentence grammatically correct ?SST-2 (Stanfo

2021-11-03 21:13:33 149

原创 BERT Experts from TF-Hub

bert_expertsThis colab demonstrates how to:Load BERT models from TensorFlow Hub that have been trained on different tasks including MNLI, SQuAD, and PubMedUse a matching preprocessing model to tokenize raw text and convert it to idsGenerate the pooled

2021-11-01 20:13:52 75

原创 Multilingual Universal Sentence Encoder Q&A Retrieval ---- TF Hub

retrieval_with_tf_hub_universal_encoder_qaThis is a demo for using Universal Encoder Multilingual Q&A model for question-answer retrieval of text, illustrating the use of question_encoder and response_encoder of the model. We use sentences from SQuAD

2021-11-01 13:47:11 113

原创 Semantic Search with Approximate Nearest Neighbors and Text Embeddings ----- TF Hub

tf2_semantic_approximate_nearest_neighborsThis tutotial illustrates how to generate embeddings from a TensorFlow Hub (TF-Hub) module given input data, and build an approximate nearest neighbours (ANN) index using the extracted embeddings. The index can th

2021-11-01 11:34:28 70

原创 Classify text with BERT ---- TF Hub

classify_text_with_bertThis tutorial contains complete code to fine-tune BERT to perform sentiment analysis on a dataset of plain-text IMDB movie reviews. In addition to training a model, you will learn how to preprocess text into an appropriate format.I

2021-10-31 21:21:54 194

原创 Text Classification with Movie Reviews ----- TF Hub

tf2_text_classificationThis notebook classifies movie reviews as positive or negative using the text of the review. This is an example of binary or two-class-classification, an important and widely applicable kind of machine learning problemWe’ll use the

2021-10-30 23:44:25 82

原创 Image Super Resolution using ESRGAN ---- TF Hub

image_enhancingThis colab demonstrates use of TensorFlow Hub Module for Enhanced Super Resolution Generative Adversarial Network for image enhancingModel trained on DIV2K Dataset (on bicubically downsampled images) on image patches of size 128 x 128impo

2021-10-30 20:25:21 90

原创 Boundless Colab ---- TF Hub

boundlessBoundless is a model for image extrapolation. This model takes an image, internally masks a portion of it (1/2, 1/4, 3/4) and completes the masked part. For more details refer to Boundless: Generative Adversarial Networks for Image Extension or t

2021-10-30 19:49:17 47

原创 Fine tuning models for plant disease detection ----- TF Hub

cropnet_on_deviceThis notebook shows you how to fine-tune CropNet models from TensorFlow Hub on a dataset from TFDS or your own crop disease detection dataset.You will:Load the TFDS cassava dataset or your own dataEnrich the data with unknown (negativ

2021-10-29 21:30:56 96

原创 CropNet: Cassava Disease Detection ----- TF Hub

cropnet_cassavaThis notebook shows how to use the CropNet cassava disease classifier model from Tensorflow Hub. The model classifies images of cassava leaves into one of 6 classes: bacterial blight, brown streak disease, green mite, mosaic disease, health

2021-10-29 11:36:37 104

原创 Generate Artificial Faces with CelebA Progressive GAN Model ---- TF-Hub

tf_hub_generative_image_moduleThis Colab demonstrates use of a TF-Hub module based on a generative adversarial network (GAN). The module maps from N-dimensional vectors, called latent space, to RGB imagesTwo examples are provided:Mapping from latent sp

2021-10-28 19:08:08 94

原创 TensorFlow Hub Object Detection Colab | TF Hub

tf2_object_detectionTo visualize the images with the proper detected boxes, keypoints and segmentation, we will use the TensorFlow Object Detection APILoad label map data (for plotting):Label maps correspond index numbers to category names, so that when

2021-10-27 15:16:56 199

原创 Fast Style Transfer for Arbitrary Styles | TF Hub

tf2_arbitrary_image_stylizationBased on the model code in magenta and the publication:Exploring the structure of a real-time, arbitrary neural artistic stylization networkimport functoolsimport osimport timefrom matplotlib import gridspecimport matp

2021-10-26 21:08:49 101

原创 Retraining an Image Classifier | TF Hub

tf2_image_retrainingImage classification models have millions of parameters. Training them from scratch requires a lot of labeled training data and a lot of computing power. Transfer learning is a technique that shortcuts much of this by taking a piece of

2021-10-25 19:54:55 127

原创 image_classification| TF Hub

image_classificationBecause TF Hub encourages a consistent input convention for models that operate on images, it’s easy to experiment with different architectures to find the one that best fits your needsThere are some technical differences between the

2021-10-25 19:05:04 71

原创 Text-to-Video retrieval with S3D MIL-NCE | TF Hub

text_to_video_retrieval_with_s3d_milnceThis tutorial demonstrates how to use the S3D MIL-NCE model from Tensorflow Hub to do text-to-video retrieval to find the most similar videos for a given text query.The model has 2 signatures, one for generating vid

2021-10-25 14:31:49 383

原创 Video Inbetweening using 3D Convolutions | TF Hub

video_inbetweening_conv3dFrom Here to There: Video Inbetweening Using Direct 3D Convolutions, 2019Current Hub characteristics:has models for BAIR Robot pushing videos and KTH action video dataset (though this colab uses only BAIR)BAIR dataset already

2021-10-24 22:36:05 113

原创 Action Recognition with an Inflated 3D CNN | TF Hub

action_recognition_with_tf_hubrecognizing actions in video data using the tfhub.dev/deepmind/i3d-kinetics-400/1 moduleMore models to detect actions in videos can be found here解读: 用 tfhub.dev/deepmind/i3d-kinetics-400/1 模块去识别视频数据里的动作The underlying model

2021-10-24 20:23:09 70

原创 用 10 分钟,成为中国的 Github 专家 ! CodeChina 给你一个高速无阻不翻墙的 Git 代码仓库

本篇文章的目的是教会大家通过 Git GUI 客户端的方式,进行代码的拉取和推送。分以下四个步骤:安装 GitKraken安装 GitCode 平台项目创建并 Clone 到本地在本地用 GitKraken 打开仓库并配置可进行 Push 和 PullPart 1: 安装 GitKraken官网下载链接: https://www.gitkraken.com/不过官网是在国外,如果下载不了也不用担心,我放 Code China 上了: https://codechina.csdn.net

2021-10-18 10:17:36 3297 15

原创 Tensorflow Lite Model Maker --- 姿态分类篇

tflite_pose_classificationThis notebook teaches you how to train a pose classification model using MoveNet and TensorFlow Lite. The result is a new TensorFlow Lite model that accepts the output from the MoveNet model as its input, and outputs a pose class

2021-10-11 18:59:48 606

R for Data Science

清晰R数据科学实战

2017-08-25

Neural Network Design (2nd Edition)

如何设计神经网络,里面讲原理了

2017-08-25

空空如也

TA创建的收藏夹 TA关注的收藏夹

TA关注的人

提示
确定要删除当前文章?
取消 删除