如何充分利用开源项目

Transfer Learning is the process of taking a network pre-trained on a dataset and utilizing it to recognize the image, object detection, image segmentation, semantic segmentation, and many more. We can utilize the robust, discriminative filters learned by the state-of-the-art network on challenging datasets such as Imagenet/COCO and then apply these networks for some other tasks.

转移学习是对数据集进行预训练的网络,然后利用它来识别图像,对象检测,图像分割,语义分割等等的过程。 我们可以在诸如Imagenet / COCO之类的具有挑战性的数据集上利用最先进的网络学到的强大,有区别的过滤器,然后将这些网络应用于其他一些任务。

In today's article, we are going to talk about five of the open-source Transfer Learning projects to enhance your skills in the field of data science.

在今天的文章中,我们将讨论五个开源的Transfer Learning项目,以提高您在数据科学领域的技能

Note: This article is to just give a glimpse of some of the not-so-famous but really good open-source projects which you can use in your projects. To read more about each of them I recommend following the link given along the project.

注意:本文只是简要介绍一些您可以在项目中使用的不太著名但非常好的开源项目。 要阅读有关它们的更多信息,我建议您遵循项目中提供的链接。

Having a good theoretical knowledge is amazing but implementing them in code in a real-time machine learning project is a completely different thing. You might get different and unexpected results based on different problems and datasets. So as a Bonus,I am also adding the links to the various courses which has helped me a lot in my journey to learn Data science and ML.I am personally a fan of DataCamp, I started from it and I am still learning through DataCamp and keep doing new courses. They seriously have some exciting courses. Do check them out.

拥有良好的理论知识是惊人的,但是在实时机器学习项目中以代码实现它们是完全不同的。 根据不同的问题和数据集,您可能会得到不同且出乎意料的结果。 因此,作为奖励,我还添加了指向各种课程的链接,这些链接对我学习数据科学和ML的旅程大有帮助。我个人是 DataCamp的爱好者 ,我从中开始,但仍在通过 DataCamp 学习 并继续学习新课程。 他们认真地开设了一些令人兴奋的课程。 请检查一下。

  1. Data-scientist-with-python

    数据科学家与Python

  2. Data-scientist-with-r

    数据科学家与R

  3. Machine-learning-scientist-with-r

    带R的机器学习科学家

  4. Machine-learning-scientist-with-python

    Python的机器学习科学家

  5. Machine-learning-for-everyone

    面向所有人的机器学习

  6. Data-science-for-everyone

    所有人的数据科学

  7. Data-engineer-with-python

    Python数据工程师

  8. Data-analyst-with-python

    python数据分析器

P.S: I am still using DataCamp and keep doing courses in my free time. I actually insist the readers to try out any of the above courses as per their interest, to get started and build a good foundation in Machine learning and Data Science. The best thing about these courses by DataCamp is that they explain it in a very elegant and different manner with a balanced focus on practical and well as conceptual knowledge and at the end, there is always a Case study. This is what I love the most about them. These courses are truly worth your time and money. These courses would surely help you also understand and implement transfer learning, machine learning in a better way and also implement it in Python or R. I am damn sure you will love it and I am claiming this from my personal opinion and experience.

PS:我仍在使用 DataCamp, 并在 业余时间 继续 上课 我实际上是坚持要求读者根据自己的兴趣尝试上述任何课程,以开始并为机器学习和数据科学打下良好的基础。 DataCamp 开设的这些课程的最好之 在于,他们以非常优雅且与众不同的方式 对课程进行了 解释,同时重点关注实践和概念知识,最后始终进行案例研究。 这就是我最喜欢他们的地方。 这些课程确实值得您花费时间和金钱。 这些课程肯定会帮助您更好地理解和实施迁移学习,机器学习,并且还可以在Python或R中实现它。我该死的您一定会喜欢它,并且我从我个人的观点和经验中主张这一点。

Also, I have noticed that DataCamp is giving unlimited access to all the courses for free for one week starting from 1st of September through 8th September 2020, 12 PM EST. So this would literally be the best time to grab some yearly subscriptions(which I have) which basically has unlimited access to all the courses and other things on DataCamp and make fruitful use of your time sitting at home during this Pandemic. So go for it folks and Happy learning

此外,我注意到, DataCamp 自2020年9月1日至美国东部时间12 PM,为期一周免费无限制地访问所有课程。 因此,从字面上看,这将是获取一些年度订阅(我拥有)的最佳时间,该订阅基本上可以无限制地访问 DataCamp 上的所有课程和其他内容, 并可以在这次大流行期间充分利用您在家里的时间。 因此,请亲朋好友学习愉快

Coming back to the topic -

回到主题-

1,密集深度 (1.Densedepth)

Densedepth is a high-quality Monocular Depth Estimation project built on top of Transfer Learning and NYU Depth V2 and KITTI dataset, implemented by Ibraheem Alhashim and Peter Wonka.

d ensedepth建立在迁移学习和纽约大学的深度V2和KITTI数据集之上的高品质单目深度估计项目 ,通过实施易卜拉欣AlhashimPeter Wonka

Densedepth aims to apply state of the art approach to 3D images and produce high-quality dense maps from the images with the best-generalized performance using Transfer Learning and standard Neural network architecture.

Densedepth旨在将最先进的方法应用于3D图像,并使用Transfer Learning和标准的神经网络体系结构从图像中生成具有最佳概括性能的高质量密集地图

Transfer learning has proved to be efficient between different tasks many of which are related to 3D reconstruction and using transfer learning, allows for a more modular architecture as we get to use the power of the pre-trained networks.

事实证明, 转移学习在不同的任务之间是有效的,其中许多任务与3D重建和使用转移学习有关,随着我们使用预训练网络的强大功能,可以采用更加模块化的体系结构。

A single straight forward encoder-decoder architecture is used to achieve a state of the art high-quality dense maps. Encoder part is performed by a pre-trained truncated DenseNet-169 architecture and the Decoder part is composed of basic blocks of Convolutional neural network layers.

使用单个直截了当的编码器/解码器体系结构来实现现有技术水平的高质量密集图编码器 部分由预训练的截断DenseNet-169体系结构执行,而 解码器 部分由卷积神经网络层的基本块组成。

The main idea behind using Transfer Learning was to make use of the image encoders that are originally designed for the problem of image classification.

使用 转移学习 的主要思想是利用 最初为图像分类问题设计的图像编码器。

Estimated Results of state of the art depth maps(source:https://arxiv.org/abs/1812.11941)
最先进深度图的估计结果(来源: https : //arxiv.org/abs/1812.11941 )

Applications: It is used in scene understanding and scene reconstruction, GPS navigation systems, Image refocusing and augmented reality games.

应用范围:用于场景理解和场景重建,GPS导航系统,图像重新聚焦和增强现实游戏。

2.DeepDrive (2.DeepDrive)

DeepDrive is a free and open-source simulator that allows anyone with a computer to push the state of the art in self-driving AI cars. It is written in Python 3.6 and in the backend it involves Deep Reinforcement Learning(openai) and Transfers Learning(MobileNet V2). The model is trained on top of 100GB of 8.2 hours of driving of camera, depth, steering, throttle, and brake of an ‘oracle’ path following agent with rotated camera angles.

d eepDrive是一个自由和开源模拟器,允许任何人与计算机推入自驾车AI汽车的现有技术的状态 。 它是用Python 3.6编写的,在后端它涉及深度强化学习(openai) 转移学习(MobileNet V2) 。 该模型是在100GB的驱动力基础上训练的,该驱动程序具有8.2小时的摄像头驱动力,深度,转向,油门以及跟随具有旋转摄像头角度的特工的“ oracle”路径的制动。

The aim of this project was to experiment with self-driving AI cars and to drive the future of automotive perception.

该项目的目的是试验 自动驾驶人工智能汽车, 并推动汽车感知的未来。

DeepDrive by voyage: source(航行深度驱动器:源( https://deepdrive.voyage.auto/https://deepdrive.voyage.auto/))

3.时间序列分类的转移学习 (3. Transfer Learning for Time-Series Classification)

Using Transfer Learning for Time-Series Classification has proved that the accuracy of Deep Learning models can be improved if the model is fine-tuned from a pre-trained neural network instead of training the model from scratch.

ü唱迁移学习的时间序列分类已经证明, 深度学习模型的精度可以提高,如果该模型是微调从预训练神经网络,而不是从头开始训练模型。

The aim of using Transfer learning for time-series data was the observation that showed that subsequence learned by the learning shapelets approach in transfer learning was related to the filters(kernels) learned by the Convolutional neural networks.

对时间序列数据使用转移学习的目的是观察表明, 在转移学习中学习小波方法学习的子序列与卷积神经网络学习的过滤器(内核)有关。

Hence the method proposed in the paper Transfer Learning for Time-Series Classification can help you identify which dataset should be used for transfer learning given a new time-series classification problem using the Dynamic Time Warping algorithm as an inter datasets similarity measure to identify the relationships between the source dataset and the target datasets in our transfer learning framework.

因此,本文提出的方法 针对时间序列分类的转移学习可以使用动态时间规整算法 作为数据集之间的相似性度量来识别 源数据集 目标 之间的关系,从而在给定新的时间序列分类问题的情况下,帮助您确定应将哪个数据集用于转移学习迁移学习框架中的 数据集

To predict the best source dataset for a given target dataset, Dynamic Time Warping method to measure the inter dataset similarities has been implemented in the paper Transfer Learning for Time-Series Classification.

为了预测给定目标数据集的最佳源数据集, 已在论文 《时间序列分类的转移学习》中 实现了用于度量数据集间相似性的 动态时间规整方法

Source: https://arxiv.org/abs/1811.01533
资料来源: https : //arxiv.org/abs/1811.01533

Example: First training the model on the ElectricDevices dataset and then fine-tune the same model on the OSULeaf dataset to improve the performance of model with TransferLearning.

示例 :首先在ElectricDevices数据集上训练模型,然后在OSULeaf数据集上微调相同的模型,以通过TransferLearning改善模型的性能。

4.动漫字符识别的转移学习 (4. Transfer Learning for Anime Character Recognition)

Recently, the Transfer Learning approach is proposed for face recognition using CNN and the results have verified that the given transfer learning method gives better recognition results as compared to other methods.

最近,提出了一种使用CNN进行面部识别转移学习方法,结果证明,与其他方法相比,给定的转移学习方法具有更好的识别结果

Keeping this in mind, an experiment was done to try the performance of transfer learning further by using three different anime characters that have many similar features so see how well the transfer learning works in detecting the Anime characters in images.

牢记这一点,我们进行了一项实验,通过使用具有许多相似功能的三个不同的动漫角色来进一步尝试迁移学习的性能,因此请查看迁移学习在检测图像中的动漫人物方面的工作情况。

This project was structured in various steps:

该项目分为多个步骤:

  • detecting faces of anime characters from each image using lbpcascade_animeface

    使用 lbpcascade_animeface 从每个图像检测动漫人物的 面Kong

  • resize the images to 96*96 pixels and then split the image to train and test images

    将图像调整为 96 * 96像素 ,然后将其拆分以训练和测试图像

  • features extraction and preprocessing was performed prior to training

    在训练之前进行 特征提取和预处理

  • train the model and evaluate the results on test and validation images

    训练模型测试和验证的图像 评估 结果

Transfer learning allows the Convolutional Neural Network to learn features from the VGG-16 model pre-trained with huge ImageNet weights to train the images from the face database and then the extracted features are fed as input to the fully connected layer and softmax activation function for classification.

转移学习 允许 卷积神经网络 预先训练有巨大ImageNet权重 VGG-16模型中 学习特征,以 从人脸数据库中训练图像,然后将提取的特征作为输入提供给全连接层和softmax激活函数,用于分类

Classification Results: Source:https://github.com/freedomofkeima/transfer-learning-anime
分类结果:来源: https : //github.com/freedomofkeima/transfer-learning-anime

5,亚马逊森林计算机视觉 (5.Amazon Forest Computer Vision)

This was a project to understand the Amazon Forest from space using satellite data to track the human footprints in the Amazon rain forest. The task was to label satellite image chips with atmospheric conditions and various classes of land covers(see below image). The predictions produced will help the global community better understand where, how and why deforestation happened all over the world and how to deal with this problem.

这是一个使用卫星数据从太空了解亚马逊森林的项目,该数据可跟踪亚马逊雨林中的人类足迹 。 任务是给卫星图像芯片贴上大气条件和各种土地覆标签 (见下图) 产生的预测将帮助国际社会更好地了解全世界毁林的地点,方式和原因,以及如何解决这一问题。

The model was fine-tuned with custom weights from Pycaffe on VGG16 and DenseNet121 models for best outputs using Pytorch and Keras for better understanding.

该模型是微调从Pycaffe上VGG16和DenseNet121模型定制权使用PytorchKeras为了更好的理解最好的输出。

https://github.com/mratsim/Amazon-Forest-Computer-Visionhttps://github.com/mratsim/Amazon-Forest-Computer-Vision

If you enjoyed reading this article, I am sure that we share similar interests and are/will be in similar industries. So let’s connect via LinkedIn and Github. Please do not hesitate to send a contact request!

如果您喜欢阅读本文,那么我相信我们有相同的兴趣并且会/将会从事相似的行业。 因此,让我们通过LinkedIn和Github进行连接。 请不要犹豫,发送联系请求!

翻译自: https://medium.com/analytics-vidhya/fully-utilize-best-5-open-source-transfer-learning-projects-to-enhance-your-projects-7a7fead2eb8b

如何充分利用开源项目


http://www.taodudu.cc/news/show-4462391.html

相关文章:

  • OWASP固件安全性测试指南
  • [C++]Inside C++对象模型:第三、四、五章笔记
  • 【技术分享】Android App常见安全问题演练分析系统-DIVA-Part1
  • 【区块链 | 审计】关于审计技术和工具 101事
  • 第5章 调优案例分析与实战
  • 女孩上中专学财经类号还是计算机好,女生学财经类专业好吗
  • 神经病女士银行取钱
  • 让建设银行晕倒的女人
  • 女生适合学酒店管理 电子商务还是计算机,读中专是学旅游服务与酒店管理好呢?还是计算机好呢?这两个专业那个更好呢?...
  • 表格练习(工商银行电子汇款单)表单练习(用户注册)
  • 2018年工商银行软件开发中心面试总结
  • 用Aira2高速下载
  • Bootstrap 中的 aria-label 和 aria-labelledby
  • [笔记]Centos/Ubuntu/Windows/Docker 安装使用Aria2及Aria2基本使用
  • AriaNg | 一款基于aria2高速图形化界面下载器
  • aria2搭建(CentOS 7)
  • [转帖]同事推荐的的aira2
  • aria2Linux开机启动,Ubuntu安装aira2及开机启动配置
  • Ubuntu 18.04/20.04 多线程下载工具AXEL和AIRA2
  • 利用 Automator 让 aira2 开机自启
  • linux的下载利器——aira2 可以下载磁力链接
  • 阿里云服务器 安装下载工具aira2步骤
  • 安装Aira2的三种方法(包括一键安装命令,epel源安装,源码安装)
  • 解决花生壳 Aira2 路由器 树莓派中的aira2状态未连接的思路
  • Aira搭建
  • pink老师 js p85思考题
  • c语言中换行符的ans2码,二级C语言复习
  • 2021及历届国科大高级OS思考题汇总
  • 【WebApp】离线webapp (android)开发
  • Matlab浮点变定点

如何充分利用开源项目_充分利用最好的5个开源转移学习项目来增强您的项目...相关推荐

  1. 程序开源与不开源区别_如何在公司中启动开源程序

    程序开源与不开源区别 许多互联网规模的公司,包括Google,Facebook和Twitter,都建立了正式的开源程序(有时也称为开源程序办公室,简称OSPO),这是公司内部支持开源消费和生产的指定场 ...

  2. 一图读懂开源协议_一张经典图,开源协议比较

    部分内容来自维基 MPLMozilla公共许可证 版本 2.0 发布日期 2012年1月3日 是 是 (MPL 2.0預設與GPL 2+.LGPL 2.1+.AGPL 3+相容) 与其他协议代码链接 ...

  3. java工作流开源框架_【程序源代码】Springboot开源工作流开发框架

    正文 | 内容 01 - [介绍] platform-plus是一个轻量级的,前后端分离的Java快速开发平台,基于Springboot2.X.Beetl.Mybatis-Plus.Shiro.Red ...

  4. cortex m3 gcc项目_广东省住建厅党组书记赵坤到公司陆丰市污水PPP项目实地调研...

    为深入开展水环境治理督导工作,加快推进污水处理设施建设,10月27日上午,广东省住房城乡建设厅党组书记赵坤一行莅临我司承建的陆丰市整市推进生活污水处理ppp项目部河东.潭西两个污水处理厂进行视察调研. ...

  5. 开源 知识库_您需要了解的有关开源广告拦截器的知识

    开源 知识库 一项旨在调查免费和开源广告拦截器节能的新研究出乎意料地表明,互联网广告浪费了您大量的时间. 更重要的是,结果显示了如何可以节省时间. 该研究估计,使用uBlock Origi n (一种 ...

  6. 网页怎么预先加载模型_使用预先训练的模型进行转移学习

    网页怎么预先加载模型 深度学习 (Deep Learning) 什么是转学? (What is Transfer Learning?) Transfer learning is a research ...

  7. 宠物商店项目_充分利用宠物项目的7个技巧

    宠物商店项目 I've started so many side projects. Little or not so little, most of them were focused on one ...

  8. 学生开源项目_吸引学生加入您的开源项目的9种方法

    学生开源项目 社区经理有很多文章,介绍如何吸引学生志愿者加入您的开源项目. 这次,我将从学生的角度写同样的事情. 这是您如何吸引我 加入您的开源项目的方法 . 制作一个我将实际使用的开源项目 这是我要 ...

  9. tensorflow2.0 图像处理项目_游戏爱好者应该看看这个开源项目

    关注公众号 "转角遇到GitHub" ,每天推荐给你优秀开源项目 大家好,我是欧盆索思(opensource),每天为你带来优秀的开源项目! 今天推荐一个日本人开发的 2D 游戏库 ...

最新文章

  1. Nginx配置文件nginx.conf中文详解(总结)
  2. 论文翻译 | LS-Net:单目双目视觉的非线性最小二乘学习算法
  3. 开发基于Web的RSS阅读器
  4. kotlin 用协程做网络请求_Android使用Kotlin协程封装网络库
  5. 深入理解linux系统的目录结构
  6. 原子操作的实现原理(锁和循环CAS)
  7. ab和jmeter进行GET/POST压力测试的使用心得和比较(转载,在ubuntu16.04下使用ab带json对centos7压力测试验证可用)
  8. 【Pytorch神经网络实战案例】24 基于迁移学习识别多种鸟类(CUB-200数据集)
  9. pyqt5实时动态曲线
  10. 发明了计算机科学中的 bug 一词的是,为什么经常把计算机中存在的问题叫bug?...
  11. 关于Latent Dirichlet Allocation及Hierarchical LDA模型的必读文章和相关代码
  12. 三大代码审计工具对比
  13. c语言 adt实验报告,Android实验报告
  14. 网页跳转QQ聊天界面
  15. 哈工大硕士生用 Python 实现了 11 种经典数据降维算法,源代码库已开放
  16. npm init 自动创建 package.json 文件
  17. 固定定位(fixed)和粘性定位(sticky)的比较
  18. Proximal Algorithm 入门
  19. 像素排列 p(Pentile)排列 RGB 排列
  20. 发改委印发三年行动计划 智能机器人有望成为下一片蓝海

热门文章

  1. C#中public 、private、protect的区别
  2. JAVA实现MD5带盐加密_MD5加盐加密
  3. matlab近似计算求积分,matlab 实验二 定积分的近似计算
  4. dpi和ppi换算_DPI和PPI的计算公式
  5. JAVA实现zip压缩/解压缩
  6. Maven手工安装jar包到本地仓库
  7. STM32版CCD线性摄像头寻线寻迹小车
  8. python中ox_Python中os包的用法
  9. 【时序】动态时间规整(DTW)算法原理及Python实现
  10. 武汉星起航跨境电商到底靠不靠谱?亚马逊跨境收款方式有哪些?