CSSE1001 数值分析
CSSE1001 / 7030 Semester 1, 2019Assignment 2 (15 Marks)Due: Friday 3 May 2019 at 8:30pmIntroductionThe second assignment is a simple weather prediction and event planning system. You will providesome information about how the weather could affect an event. The system will predict the weatherand i...
2021-10-14
美团搜索多业务商品排序探索与实践
随着美团零售商品类业务的不断发展,美团搜索在多业务商品排序场景上面临着诸多的挑战。本文介绍了美团搜索在商品多业务排序上相关的探索以及实践,希望能对从事相关工作的同学有所帮助或者启发。
2021-11-19
自动驾驶轨迹预测算法:NeurIPS挑战赛冠军方案
[1] Alahi A, Goel K, Ramanathan V, et al. Social lstm: Human trajectory prediction in crowded spaces[C]//Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. 2016: 961-971.
改善深层神经网络:超参数调试、正则化以及优化笔记
截取引用自Understanding the Bias-Variance TradeoffError due to Bias: The error due to bias is taken as the difference between the expected (or average) prediction of our model and the correct value which we are trying to predict. Of course you only have one model so talking about expected or aver...
2019-09-03
Spark ML调参
在机器学习中,如何根据给定的数据集,为算法模型拟合参数,使得模型达到最优的效果,这一过程称为“调参”(tuning)。Spark的Mllib提供了CrossValidator和TrainValidationSplit两种方法,来帮助实现模型的调优。一般使用上述的两种方法需要进行如下设置,
2020-02-29
INFO411 知识发现
INFO411/911: Data mining and Knowledge DiscoveryAssignment One (15%)Autumn 2021Due: 11:55pm, 01 May 2021 via MoodleGeneral Instructions: Please Read Carefully• Submit a single PDF document which contain your answers to the questions of both tasks. Allquestions are to be answered. A clear and comp...
2022-05-01
处理 module 'scipy.misc' has no attribute 'imresize'问题
一、问题 {代码...} 运行上边的代码会报如下错: {代码...} 环境 1、python版本:3.7.4 2、scipy版本:1.2.1 3、PIL版本:6.0.0 二、解决方案 1、安装scikit-image {代码...} 2、调用resize() {代码...} 注意:这里的resize()的参数与较老版本的scipy.misc中的imresize()有所不同,前者的output_shape参数对应后者的size...
Deep Learning小白--通过Logistic回归实现神经网络(Andrew Ng)
$$z^{(i)} = w^T x^{(i)} + b $$$x^{(i)}$是第i个训练样本$$\hat{y}^{(i)} = a^{(i)} = sigmoid(z^{(i)})$$ $$ \mathcal{L}(a^{(i)}, y^{(i)}) = - y^{(i)} \log(a^{(i)}) - (1-y^{(i)} ) \log(1-a^{(i)})$$$$ J = \frac{1}{m} \sum_{i=1}^m \mathcal{L}(a^{(i)}, y^{(i)})$$ $J$ 是损失函数,表示预测值与期望输出值的差值
2018-03-28
imageAI图像识别,并用python搭建本地服务
imageai是一套开源免费的,可以用于图像智能识别的python应用包,使用门槛不高,基本上按照官方文档去写就可以简单实现利用已经训练好的模型识别图像中的物体。imageai图像预检目前实现了四种模型的算法支持,分别是SqueezeNet,ResNet,InceptionV3 和 DenseNet。不同的包对应的训练模型大小不一致,精度也不一致。
20行代码:Serverless架构下用Python轻松搞定图像分类
图像分类是人工智能领域的一个热门话题,同样在生产环境中也会经常会遇到类似的需求,那么怎么快速搭建一个图像分类,或者图像内容是别的API呢? 首先,给大家推荐一个图像相关的库:ImageAI 通过官方给的代码,我们可以看到一个简单的Demo: {代码...} 通过这个Demo我们可以考虑将这个模块部署到云函数: 首先,我们在...
2020-03-02
web端实现AR人脸特效
前言直播、短视频、在线会议等应用越来越多地进入人们的生活,随之诞生的是丰富的各类创意玩法与新鲜体验,其中大量应用了以AI检测和图形渲染为基础的AR技术。
2022-12-15
DIMP:Learning Discriminative Model Prediction for Tracking
与大多数其他视觉问题相比,跟踪需要在推理阶段在线学习鲁棒的特定于目标的外观模型。为了能够进行端到端的培训,目标模型的在线学习因此需要自身嵌入到跟踪体系结构中。由于这些困难,流行的孪生网络仅预测了目标特征模板。但是,这种模型由于无法集成背景信息而具有有限的判别能力。
Spark ML机器学习库评估指标示例
本文主要对 Spark ML库下模型评估指标的讲解,以下代码均以Jupyter Notebook进行讲解,Spark版本为2.4.5。模型评估指标位于包org.apache.spark.ml.evaluation下。
2020-03-03
554.488/688应用数学计算
▼554.488/688 Computing for Applied MathematicsSpring 2023 - Final Project AssignmentThe aim of this assignment is to give you a chance to exercise your skills at prediction usingPython. You have been sent an email with a link to data collected on a random sample from somepopulation of Wikipedia p...
2023-05-12
DSME 6756 业务智能技术
DSME 6756: Business Intelligence Technologies and ApplicationsDue at 11:59PM, on Monday, February 26, 2024Please complete the following task and submit (a) CSV files of your prediction results on Kaggle, and (b) a brief PDF report articulating your approach and results and Jupyter Notebook conta...
2024-02-24
Serverless 实战:用 20 行 Python 代码轻松搞定图像分类和预测
图像分类是人工智能领域的一个热门话题,通俗来讲,就是根据各自在图像信息中反映的不同特征,把不同类别的目标区分开。图像分类利用计算机对图像进行定量分析,把图像或图像中的每个像元或区域划归为若干个类别中的某一种,代替人的视觉判读。
2020-05-08
20 行代码:Serverless 架构下用 Python 轻松搞定图像分类
「图像分类」是人工智能领域的一个热门话题,我们在实际生活中甚至业务的生产环境里,也经常遇到图像分类相似的需求,如何能快速搭建一个图像分类或者内容识别的 API 呢?
2020-03-12
MindSpore:YOLOv3人体目标检测模型实现(二)
3.2 YOLOv3为了节省篇幅,这一节只挑部分贴代码,更多的代码和包的导入请参考 附件\model\yolo.py。(参考:[链接])class YoloBlock 是Darknet53 输出后的处理模块,包括YOLOv3结构图(参见 YOLOv3人体目标检测模型实现(一))中的 Convolutional Set 以及后面的卷积:class YoloBlock(nn.Cell):
2022-08-12
PyTorch模型推理及多任务通用范式 课程5 作业
CoursePyTorch模型推理及多任务通用范式 课程5:给大家安利了大白老师之前的好文:关于Yolo系列算法的理论知识解读和实战训练代码。根据 pytorch模型推理的三板斧:数据预处理、数据进网络、数据后处理,逐行实现了Yolox的推理代码。Assignment必做题自己找2张其他图,用Yolox_s进行目标检测,并注明输入尺寸和两个阈值。...
2021-10-25
CS 6290: High-Performance Computer Architecture
This project is intended to help you understand branch prediction and performance of out-of-order processors. You will again need the “CS6290 Project VM” virtual machine, the same one we used for Project 0. Just like for Project 0, you will put your answers in the red-ish boxes in this Word docum...
2024-05-03