taoqick 搜索自己CSDN博客

Reproducible scaling laws for contrastive language-image learning
BPE、Wordpiece、Unigram、SpanBERT等Tokenizer细节总结
pytorch view、expand、transpose、permute、reshape、repeat、repeat_interleave
kvcache原理、参数量、代码详解
[WIP]Sora相关工作汇总VQGAN、MAGVIT、VideoPoet
小于n的最大数 Leetcode 902 Numbers At Most N Given Digit Set
Deepspeed、ZeRO、FSDP、ZeRO-Offload、all reduce、reduce-scatter
Pytorch实现卷积、Depthwise Convolution、分组卷积、动态卷积和转置卷积、反卷积、全卷积、空洞卷积、可变形卷积、深度可分离卷积等操作
直观理解(加权、模版匹配与几何)神经网络最后一层全连接+Softmax
线性 Transformer变长思路汇总Dilated Sliding window、LongFormer、BigBird、LongNet、Reformer、GAU、RWKV
ChatGLM、Baichuan、LLaMA、Vicuna对比总结
多线程,多进程,多协程,多核总结
均匀分割数组 负载均衡问题
为什么使用torch.cuda.synchronize和cuda stream
浅析PyTorch的Join原理和torch.cuda.synchronize卡顿原因
稀疏计算、彩票假说、MoE、SparseGPT
邻接矩阵乘法 最短距离
Leetcode 910 smallest range II 缩小极值之间的间距
数矩形个数
一副扑克54张,等分成三份,两张王在同一个人手中的概率是多大?
Grouped-query Attention(GQA)、Multi-query Attention(MQA)
集齐108将、集卡、集盲盒概率
torch.Tensor和torch.tensor有什么区别
PreNorm和PostNorm对比
torch.matmul和torch.bmm区别
Introduction to Deterministic Policy Gradient (DPG)
贝尔曼最优方程收敛性证明
Multi Label Classification with Missing Labels(MLML)的几种loss设计
深度学习中的batchsize对学习效果有何影响?
神经网络中参数的初始化问题
结合TRL的PPO的分析
R-Drop和SimCSE解读
贝叶斯优化/Bayesian Optimization 和Optuna
多模态训练如何平衡不同模态
CLIP、Vilt、ALBEF、CoCa、FLAVA、VLMO、Beit v3、BLIP、BLIP2、InstructBLIP、LLava要点总结
信息熵 条件熵 交叉熵 联合熵 相对熵 KL散度 SCE MAE 互信息(信息增益)
Torch类型转换type、type_as
大模型训练的性能指标:吞吐率 Throughput 是指什么?
量化QAT QLoRA GPTQ
Wide&Deep中为什么带L1正则化项的FTRL作为wide部分的优化器,AdaGrad作为deep部分的优化器
梯度消失和梯度爆炸及解决方法
Dropout的rescale
Pytorch源码搜索与分析
pytorch训练过程中出现nan的排查思路
分析transformer模型的参数量、计算量、中间激活、KV cache、bf16、fp16、混合精度训练
YoLo系列、SoftNMS、FasterRCNN、DETR系列、GIoU、DIoU、CIoU、Dice、GLIP、Kosmos系列、Segment Anything
图片视频抹除算法总结Inpaint
DALL·E2(unCLIP)、DDPM、DDIM、Stable Diffusion、IS、FID、ControlNet、Score Matching、朗之万、RF、SDXL、SD3要点总结
MAP、MRR和NDCG计算细节
一些改cuda加速的思路:FlashAttention、PagedAttention、LightSeq、ByteTransformer
SwinTransformer与Vit细节总结
python打印变量懒人版 locals
PEFT(Parameter-Efficient Fine-Tuning)技术总结
旋转式位置编码Rotary Position Embedding(RoPE)
从Amos看learning rate和weight decay怎么调
多任务学习的帕累托最优
拒绝采样总结:rand7生成rand10、单位圆内部均匀采样、Box-Muller、MCMC采样法、吉布斯采样Gibbs
正态分布(高斯分布)、Q函数、误差函数、互补误差函数、multinomial、binomial、Bernoulli
对比学习可以使用梯度累积吗?
Seq2Seq+前缀树:检索任务新范式(以KgCLUE为例)
Circle Loss解读:将softmax+交叉熵推广到多标签分类上
关于多任务中GradNorm的解读
为什么需要残差?一个来自DeepNet的视角
你的语言模型有没有“无法预测的词”?
GAU的长度泛化能力问题
从熵不变性看Attention的Scale操作
浅谈Transformer的初始化、参数化与标准化
网络权重初始化方法总结:Lecun、Xavier与He Kaiming
门控注意力单元(GAU)还需要Warmup吗?
Deepnet训练1000层的Transformer究竟有什么困难?
6个派生优化器的简单介绍及其实现
加速神经网络推理之 8bit Quantization (模型量化压缩)
让研究人员绞尽脑汁的Transformer位置编码
FLASH:可能是近来最有意思的高效Transformer设计
对抗攻击(HopSkipJumpAttack)
Drop_path及其在Vit中的应用和Pytorch代码实现
FGSM网络对抗攻击
激活函数Elu、Gelu、Swish、Silu、Sigmoid
关于“知识蒸馏“,你想知道的都在这里!
关于hugging face transformers中PreTrainedModel的pruned_heads和tie_weights
Pytorch中Tensor与各种图像格式的相互转化
Pytorch的一些常用环境变量
PyTorch里面的torch.nn.Parameter()
PSNR和SSIM的区别
Pytorch查看GPU是否可用、模型参数量numel统计
翻译
高性能卷积计算:img2col 原理详解

GAN系列基础知识
关于PatchGAN的理解
Python ABC(抽象基类)及 应用场景
Python 为什么要继承 object 类?
Bert Transformer细节总结
pytorch中bilinear的理解
双线性插值(Bilinear Interpolation)
Pytorch中的collate_fn、dataloader和dataset
L1 L2正则化、Smooth L1、优化器weight_decay、坐标轴下降、近端梯度下降 (proximal gradient descent)、subgradient次梯度
kaiming初始化的推导
Pytorch动态计算图
Pytorch自动微分机制
PyTorch中在反向传播前为什么要手动将梯度清零?
通俗讲解pytorch中nn.Embedding原理及使用
NCCL、OpenMPI、Gloo对比
VSCode常用技巧
NeurIPS 2021-《ALBEF》-先对齐再融合
从Alignment 和 Uniformity的角度理解对比表征学习
如何理解与看待在cvpr2020中提出的circle loss?与triplet loss的关系
彻底搞懂python super函数的作用
强化学习入门
​超细节的BatchNorm/BN/LayerNorm/LN/SyncLN/ShuffleBN/RMSNorm知识点
InfoNCE loss与交叉熵损失的联系,以及温度系数的作用
CNN参数估计
K-Means算法的收敛性和如何快速收敛超大的KMeans?
语音识别模型CTC,RNN-T,Neural Transducer,MoCha学习笔记
一文读懂如何用LSA、PSLA、LDA和lda2vec进行主题建模
求通俗解释NLP里的perplexity是什么?
语义分割之dice loss深度分析(梯度可视化)
翻译
U-Net原理、SegNet和DeepLab等分割任务综述

FCN 全卷积网络和转置卷积
OCR概述和CRAFT
pytorch中BCELoss、CrossEntropyLoss和NLLLoss
beam search、top-k sampling、nucleus sampling、temperature sampling和联合采样
一文读懂CRNN+CTC(Connectionist Temporal Classification)文字识别
TSN(Temporal Segment Networks)和TSM(Temporal Shift Module)SlowFast对比
光流(Optical flow)-视频分析基础概念
跨卡同步 Batch Normalization
MoCo、SimCLR、BYOL、SwAV、iBot、DiNoV2、MAE、Beit、SimMIM、MaskFeat对比学习总结
用scikit-learn学习DBSCAN聚类
聚类算法:KMeans vs DBSCAN
请设计一个decorator,它可作用于任何函数上,并打印该函数的执行时间
Python的*args和**kwargs
目标检测:Anchor-Free时代
带你入门多目标跟踪
一个更加强力的ReID Baseline
Generalized Mean Pooling
SENet(Squeeze Excitation)、CBAM(Convolutional Block Attention Module)和CA(Coordinate Attention)
人脸识别损失函数简介与Pytorch实现:ArcFace、SphereFace、CosFace
为什么英文里的单词vanilla有“普通”的意思?
主动学习(Active learning)算法的原理是什么,有哪些比较具体的应用?
数据增强之Mosaic (Mixup,Cutout,CutMix)
[多模态预训练模型] Single-stream/Two-stream architectures
双线性池化、 MLB(Multimodal Low-rank Bilinear Pooling)、MCB(Multimodal Compact Bilinear Pooling)
Transformer 眼中世界 Vs. CNN 眼中世界 CKA(Centered Kernel Alignment)方法
聊聊我眼中MAE的成功之处
如何理解深度学习中的multi scale和single scale?
Tensor中数据摆放顺序NC4HW4是什么意思,只知道NCHW格式,能解释以下NC4HW4格式吗?
Optical Flow介绍与代码实现
在深度学习网络中,inception结构的思想,和SPP的思想有什么区别吗?
label smoothing(标签平滑)学习笔记
如何理解深度学习分布式训练中的large batch size与learning rate的关系?
一文了解Kafka核心概念和角色
变分自编码器(Variational Auto Encoder)总结
RBM(受限玻尔兹曼机)和DBN(深度信念网络)和DBM(深度玻尔兹曼机)的区别
Jackknife法和bootstrap法(自助法与刀切法)
翻译
万变不离其宗:用统一框架理解向量化召回

负样本为王:评Facebook的向量化召回算法
Focal loss、Gradient Harmonizing Mechanism、SCELoss
FTRL(Follow-the-regularized-Leader)在线学习
GradNorm 简介
MMoE ESSM PLE对比
从Thompson Sampling到增强学习, 再谈多臂老虎机问题
LeetCode 665. Non-decreasing Array
LeetCode 1325. Delete Leaves With a Given Value
LeetCode 947. Most Stones Removed with Same Row or Column 并查集
720. Longest Word in Dictionary 题目有坑
LeetCode 992. Subarrays with K Different Integers 滑动窗口 at most
Python的GIL是什么鬼,多线程性能究竟如何
LeetCode 980. Unique Paths III 使用位运算缓存路径
LeetCode 722. Remove Comments 删除注释
Leetcode 721. Accounts Merge 并查集
平面内有n个点,如何快速求出距离最近的点对?【分治法】【屈婉玲教材】
LeetCode 424. Longest Repeating Character Replacement 滑动窗口
grep查找字符串所在文件和行号,find查找文件所在目录即路径
LeetCode 1032. Stream of Characters 4行Trie树
Python中的map() reduce() filter() sum() Trie树简短 分词
LeetCode 741. Cherry Pickup 传纸条 动态规划
LeetCode 480. Sliding Window Median 延迟双堆
LeetCode 871. Minimum Number of Refueling Stops 动态规划类似背包 贪心
LeetCode 174. Dungeon Game 逆序动态规划
正则表达式 包含a和b,包含a不包含b,包含a不包含b和
LeetCode 1031. Maximum Sum of Two Non-Overlapping Subarrays滑动窗口 前缀和
LeetCode 1326. Minimum Number of Taps to Open to Water a Garden 动态规划 离散化 贪心
LeetCode 925. Long Pressed Name 有坑
LeetCode 1209. Remove All Adjacent Duplicates in String II 有坑
LeetCode 767. Reorganize String Python字符串
LeetCode 652. Find Duplicate Subtrees 递归小坑
LeetCode 274. H-Index 二分
LeetCode 1277. Count Square Submatrices with All Ones 二维前缀
LeetCode 959. Regions Cut By Slashes 并查集
LeetCode 844. Backspace String Compare 坑
Python sys.path,PYTHONPATH,PATH和LD_LIBRARY_PATH的关系
1145. Binary Tree Coloring Game 树上博弈
LeetCode 729. My Calendar I 红黑树 线段树 二分查找树
LeetCode 354. Russian Doll Envelopes 最长递增子序列 Trick
LeetCode 375. Guess Number Higher or Lower II 扔鸡蛋变种
LeetCode 792. Number of Matching Subsequences 桶排序
LeetCode 840. Magic Squares In Grid 找规律
LeetCode 552. Student Attendance Record II 斐波拉契 log(n)
LeetCode 837. New 21 Game 滑动窗口 逆向动态规划
LeetCode 743. Network Delay Time Dijstrala BFS版 DFS版
LeetCode 593. Valid Square 平面四点能否正方形
LeetCode 803. Bricks Falling When Hit 时光倒流 注意标记
LeetCode 1438. Longest Continuous Subarray With Absolute Diff Less Than or Equal to Limit 双端队列 deque
LeetCode 1292. Maximum Side Length of a Square with Sum Less than or Equal to Threshold 1074. 二维前缀
LeetCode 914. X of a Kind in a Deck of Cards gcd 辗转相除 reduce
LeetCode 1146. Snapshot Array 二分 空
LeetCode 939. Minimum Area Rectangle 复杂度
LeetCode 659. Split Array into Consecutive Subsequences 贪心 坑 | 846. Hand of Straights
LeetCode 459. Repeated Substring Pattern KMP
LeetCode 862. Shortest Subarray with Sum at Least K 栈
LeetCode 1235. Maximum Profit in Job Scheduling DP 二分
LeetCode 320. Generalized Abbreviation 去重
LeetCode 493. Reverse Pairs 归并排序坑 mergesort
LeetCode 403. Frog Jump DP BFS状态重 青蛙跳
LeetCode 363. Max Sum of Rectangle No Larger Than K 红黑树无法用栈取代
1到2n这2n个数平均分成两份 abs(ai-bi)=k 求个数
100亿零1个数找中位数 最少读几次磁盘
LeetCode 105. Construct Binary Tree from Preorder and Inorder Traversal
LeetCode 809. Expressive Words 四指针数数 简化codes
LeetCode 1262. Greatest Sum Divisible by Three DP坑
LeetCode 22. Generate Parentheses 回溯 backtrack
LeetCode 402. Remove K Digits 栈
LeetCode 222. Count Complete Tree Nodes满二叉树节点个数
IBM model1 推导
偏差Bias和方差Variance的区别 不要只会画靶子图 P值
LeetCode 670. Maximum Swap 字符串有坑
Adagrad求sqrt SGD Momentum Adagrad Adam AdamW RMSProp LAMB Lion 推导
LeetCode 777. Swap Adjacent in LR String 不能互穿 可达性
726. Number of Atoms FetchNum从字符串中Parse数
LeetCode 316. Remove Duplicate Letters 栈顶
LeetCode 399. Evaluate Division 有向并查集(被指向的作根) 拓扑排序
LeetCode 465. Optimal Account Balancing 互相结账 回溯 组合
LeetCode 1172. Dinner Plate Stacks 设计中间弹栈
LeetCode 843. Guess the Word 题有bug
LeetCode 299. Bulls and Cows 位置相同/不同的个数 遍历一趟
LeetCode 418. Sentence Screen Fitting TextView自适应
LeetCode 444. Sequence Reconstruction Sequence不连续
LeetCode 269. Alien Dictionary 拓扑排序
LeetCode 311. Sparse Matrix Multiplication
Python zip 函数
LeetCode 1060. Missing Element in Sorted Array 二分
LeetCode 1088. Confusing Number II 回溯
LeetCode 642. Design Search Autocomplete System Trie树
LeetCode 727. Minimum Window Subsequence 双指针 NextMatch数组
LeetCode 1153. String Transforms Into Another String 替换问题坑
LeetCode 1055. Shortest Way to Form String 字符串贪心 NextMatch数组
LeetCode 489. Robot Room Cleaner 扫地机器人
LeetCode 362. Design Hit Counter 桶
LeetCode 340. Longest Substring with At Most K Distinct Characters 双指针
LeetCode 249. Group Shifted Strings
LeetCode 1110. Delete Nodes And Return Forest
LeetCode 1240. Tiling a Rectangle with the Fewest Squares 瓷砖
LeetCode 1352. Product of the Last K Numbers 前缀法处理特殊值
LeetCode 1293. Shortest Path in a Grid with Obstacles Elimination 下一层坑
LeetCode 410. Split Array Largest Sum DP 二分
LeetCode 1129. Shortest Path with Alternating Colors 图着色
LeetCode 1042. Flower Planting With No Adjacent 染色
LeetCode 842. Split Array into Fibonacci Sequence
LeetCode 818. Race Car 折返剪枝
LeetCode 856. Score of Parentheses 栈顶
LeetCode 1191. K-Concatenation Maximum Sum
LeetCode 1109. Corporate Flight Bookings
LeetCode 1103. Distribute Candies to People 二分求和推公式
LeetCode 460. LFU Cache 顺带总结一下LRU
LeetCode 887. Super Egg Drop 扔鸡蛋问题四种方法
LeetCode 1111. Maximum Nesting Depth of Two Valid Parentheses Strings
LeetCode 542. 01 Matrix 中离最近0的距离
LeetCode 466. Count The Repetitions 循环节
LeetCode 212. Word Search II 5行内Build Trie树
LeetCode 857. Minimum Cost to Hire K Workers DP坑 反直觉
LeetCode 892. Surface Area of 3D Shapes
LeetCode 930. Binary Subarrays With Sum LeetCode 前缀 双指针 坑
LeetCode 587. Erect the Fence 凸包 向量叉积 Hadamard product
LeetCode 975. Odd Even Jump 栈+预排序代替红黑树
LeetCode 454. 4Sum II
LeetCode 395. Longest Substring with At Least K Repeating Characters 假装双指针 分隔符
LeetCode 384. Shuffle an Array
LeetCode 380. Insert Delete GetRandom O(1)
LeetCode 341. Flatten Nested List Iterator
LeetCode 329. Longest Increasing Path in a Matrix
LeetCode 315. Count of Smaller Numbers After Self 归并排序
LeetCode 324. Wiggle Sort II A(i)=(2*i+1)%(n|1) 荷兰国旗问题 & 376. Wiggle Subsequence & 280
LeetCode 289. Game of Life
LeetCode 621. Task Scheduler
LeetCode 739. Daily Temperatures 栈拧巴着放啥
LeetCode 581. Shortest Unsorted Continuous Subarray
洗牌算法详解:你会排序,但你会打乱吗?
男孩女孩问题 生日悖论 三门问题
LeetCode 218. The Skyline Problem
LeetCode 560. Subarray Sum Equals K
LeetCode 494. Target Sum
对称加密算法、密钥交换算法、非对称加密算法、数字签名、公钥证书
LeetCode 347. Top K Frequent Elements
LeetCode 337. House Robber III II
LeetCode 309. Best Time to Buy and Sell Stock with Cooldown
LeetCode 301. Remove Invalid Parentheses
LeetCode 287. Find the Duplicate Number
LeetCode 239. Sliding Window Maximum
Leetcode 221. Maximal Square 二维前缀
LeetCode 295. Find Median from Data Stream
LeetCode 169. Majority Element
Leetcode 152. Maximum Product Subarray
LeetCode 394. Decode String
LeetCode 1048. Longest String Chain
Leetcode 282. Expression Add Operators
LeetCode 753. Cracking the Safe
LeetCode 312. Burst Balloons
LeetCode 1090. Largest Values From Labels
Leetcode 1000. Minimum Cost to Merge Stones
Leetcode 829. Consecutive Numbers Sum
Leetcode 1339. Maximum Product of Splitted Binary Tree
Leetcode 488. Zuma Game
LeetCode 406. Queue Reconstruction by Height 冒泡
Leetcode 528. Random Pick with Weight LowerBound
Leetcode 398. Random Pick Index
Leetcode 336. Palindrome Pairs
Leetcode 928. Minimize Malware Spread II
Leetcode 839. Similar String Groups 并查集
Leetcode 519. Random Flip Matrix
Leetcode 1005. Maximize Sum Of Array After K Negations
Leetcode 1105. Filling Bookcase Shelves
Leetcode 352. Data Stream as Disjoint Intervals
Leetcode 1278. Palindrome Partitioning III
Leetcode 785 Is Graph Bipartite? 图着色
Leetcode Contain Virus
Leetcode 220. Contains Duplicate III 桶排序
编程之美NIM(2)游戏分析扩展问题
Leetcode 1238 Circular Permutation in Binary Representation 格雷码 gray code
Leetcode 332. Reconstruct Itinerary
Leetcode Remove Sub-Folders from the Filesystem
Leetcode Maximum XOR of Two Numbers in an Array
Leetcode 567. Permutation in String 双指针
Leetcode 903. Valid Permutations for DI Sequence DI序列的个数
Leetcode Perfect Squares 拉格朗日四平方
Leetcode 1147. Longest Chunked Palindrome Decomposition
python str ord chr 字符串赋值 trailing comma 尾巴逗号
Leetcode Super Palindromes Next Palindrome
leetcode Word Subsets
Python collections Counter defaultdict itertools permutations functools lru_cache reduce
牛顿法 一阶导 二阶导 平方根 Sqrt
堆,赢者树,败者树的区别与联系
Leetcode Lexicographical Numbers 数字字典序列输出
Leetcode 440 K-th Smallest in Lexicographical Order n叉树快速按层遍历
Leetcode Path with Maximum Gold
Python reverse list 局部反转 逆向切片 多维 slice list拼接
leetcode Smallest Range II
编程之美 判断点是否在多边形内 射线法
编程之美-金刚坐飞机问题
Python heapq LeetCode 692. Top K Frequent Words
Python模块(Package Module)import陷阱
博弈论之威佐夫博弈
python sorted
Leetcode 207 210 Course Schedule I II 802. Find Eventual Safe States 1136 拓扑排序 topological sorting
Python Lambda表达式 for else all any
Java中垃圾回收和静态类型
Python垃圾回收(GC)三层心法,你了解到第几层?
Python中的编码问题
LightGBM——提升机器算法(图解+理论+安装方法+python代码)
卷积中的一些细节
DSSM论文阅读与总结
深度学习中 Batch Normalization为什么效果好?
Linux systemctl 权限管理反思与kibana启动
ElasticSearch常见问题
ElasticSearch节点类型
Redis常见问题
BK树 拼写检查器
Lucene倒排索引实现原理探秘(1)
[译]如何防止elasticsearch的脑裂问题
PCA和Fisher LDA
EM算法收敛性推导
多层感知机Perceptron反向传播BP算法推导(Back Propagation)
LR(logistic regression)逻辑回归Loss和梯度的推导
ID3 ID4.5 CART 决策树剪枝 Bagging Boosting GBDT XGBoost 总结
序列标注:Bi-LSTM + CRF
NNLM Word2Vec FastText LSA Glove 总结
HMM隐马尔科夫模型、MEMM最大熵马尔科夫模型和条件随机场的CRF 对比
最大熵模型和朴素贝叶斯的区别
SVM不加入松弛变量使用高斯核对所有样本都可以线性可分吗???
任意在空间中线性可分的两类点,分别向SVM的超平面上做投影,这些点在超平面上是有可能可分吗?
SVM的推导:为什么SVM最终模型仅和支持向量有关
LR是参数模型与SVM是非参数模型
分类问题中为什么用交叉熵而不用MSE KL散度和交叉熵的关系
为什么ROC不受样本不均衡问题的影响、Sensitivity、Specificity、AP和mAP
TensorFlow LSTM Shape变换
leetcode 153 154 Find Minimum in Rotated Sorted Array I II 二分砍掉一边跨步移动,不找分界线
如何写一个正确的二分法代码
taoqick 搜索自己CSDN博客
git merge和git rebase的区别和反思
STL源码剖析——deque的实现原理和使用方法详解
poj 2420 广义费马点
node 重新安装依赖模块
leetcode n queens 回溯 backtrack 递归 非递归
c# 非async方法调用async方法
认识python中的inf和nan
轻松学,浅析依赖倒置(DIP)、控制反转(IOC)和依赖注入(DI)
c# interface 和 abstract class的区别
python中list/tuple/dict/set/namedtuple/ordereddict的区别
LSTM的参数数量如何计算?
如何简单地理解Python中的if name == ‘main
如何通俗理解 beta分布、汤普森采样和狄利克雷分布
递归转非递归 栈模拟 Recursive to Non-recursive stack simulated 总结
手机的九宫格图案解锁总共能绘出多少种图案?LeetCode 351. Android Unlock Patterns
Python 生成器
Python创建dict的几种方法
tensorflow 升级失败 ImportError: cannot import name abs
完全图解RNN、RNN变体、Seq2Seq、Attention机制
Windows CMD中 findstr命令
Noise Contrastive Estimation (NCE) 、负采样(NEG)和InfoNCE
TensorFlow LSTM Shape变换 for ptb model
TensorFlow源码分析 | 官网教程Recurrent Neural Networks源码分析
学会区分 RNN 的 output 和 state
完全图解RNN、RNN变体、Seq2Seq、Attention机制
TensorFlow中RNN实现的正确打开方式
session.run Requesting multiple values from graph at same time
关于tensorflow的fetch和feeds
tensorflow 基本概念
tf.strided_slice函数
tensorflow使用range_input_producer多线程读取数据
tf.identity的意义以及用例
How To Install Java with Apt-Get on Ubuntu 16.04
Linux系统下安装TensorFlow的GPU版本
CNN网络的pooling层有什么用?
如何直观地解释 back propagation 算法?
【TensorFlow】tf.nn.softmax_cross_entropy_with_logits的用法
Python模块之 future
TensorFlow 辨异 —— tf.placeholder 与 tf.Variable
详解Python中的下划线
BP 算法之一种直观的解释
Python读取大文件(GB)
奇异值分解(SVD)原理与在降维中的应用
对角矩阵的性质(diagonal matrix)
sublime start from command line
C#中重写(override)和覆盖(new)的区别
Common Git Alias For Copy
custom python matlabplot
How do I start Notepad++ from cmd?
为什么信息熵要定义成-Σp*log§?
GBDT:梯度提升决策树
机器学习算法面试—口述(4):决策树
决策树-剪枝算法(二)
最大似然估计 (MLE) 最大后验概率(MAP)
KD-树介绍
自然语言处理中的N-Gram模型详解
c# task run in background
Anaconda和pip使用总结 conda与pip的区别
linux find grep组合使用
Probability to form a triangle by splitting a stick
Assembly.Get***Assembly的区别
willMoveToParentViewController和didMoveToParentViewController
如何在Cygwin中使用Z-shell
C# String与string的区别 以及 C# Swap string
The problem of deleting the remote branch
Minimum Queue with Constant Increment
JavaScript中的匿名函数及函数的闭包
javascript变量声明提升(hoisting)
netstat常用命令
nodejs 路径问题
objective-c启用ARC时的内存管理 weak strong
平面上有n个人,挑一家餐馆到这些人的曼哈顿距离最小
中文数字转int
Serialize a Binary Tree or a General Tree
显式调用构造函数和析构函数
求excel某一列对应的字母表示
hihoCoder 1054 : 滑动解锁
数组差的绝对值
关于autorelease pool一个较好的理解
objective-C: nonatomic retain copy assgin 等属性详解
Objective-C非正式协议与正式协议
面向报文(UDP)和面向字节流(TCP)的区别
C++和java多态的区别
Java多线程中Sleep与Wait的区别
C++ bitset的实现
puttty 安装zsh后字符问题
C++成员变量的初始化顺序问题
C++ protected成员访问权限
strcpy数组越界
sizeof 是运算符而不是关键字 数组地址和数组首元素地址的不同
指向数组的指针&数组名和指针的区别
局域网可用IP网段
printf 格式问题
工厂设计模式 factory
虚析构函数
构造函数能不能是虚函数
malloc过程中做了那些?
抛硬币 连续n个正面
条件概率-转自维基百科
poj 1753 Flip Game 点灯问题
线程安全和可重入性以及线程安全函数
C++ 虚继承 虚基类
从棋盘原点开始扔骰子,到达某一个终点的概率
我使用过的Linux命令之join - 根据关键字合并数据文件
c++中,引用和指针的区别
斐波拉切字符串统计个数 Fibonacci String
C++函数中那些不可以被声明为虚函数的函数
【C++ Primer】 神秘的 sizeof(union) 、sizeof(struct) 和内存对齐技术
线段树+离散化 IP地址段检查 SEGMENT TREE
poj 1151 Atlantis 二分查找+离散化
为什么printf()用%f输出double型,而scanf却用%lf呢?
求正整数n划分因子乘积最大的一个划分及此乘积
C++ 多态 从不同数据源获取数据 多路归并
分数转化为小数LeetCode 166. Fraction to Recurring Decimal
将n进制的数组压缩成字符串(0-9 a-z)同时解压
九度1535 重叠的最长字串 字符串哈希
扩展KMP算法 Extend KMP
Given a tree, find the node with the minimum sum of distances to other nodes
C++ 文件include规则 常量定义
leetcode Word Break II
double long float类型读入读出 double取模 fmod
GIT基本概念和用法总结
Git中的fetch和pull
Careercup Facebook Keep the number beautiful…
CareerCup Facebook Alex moving on a table
Brews Python 2.7.7 shows up as 2.7.5
CareerCup Facebook Total number of substring palindrome Leetcode 647
CareerCup Facebook Number of sstrings
CareerCup Facebook Judge Whether a K-palindrome
简易版的堆的写法
单链表的排序 快速排序 归并排序 quicksort mergesort
strtok函数的使用与实现
详解UML中的聚合,关联,泛化,接口等关系
如何调用DLL中的函数
解决哈希表的冲突-开放地址法和链地址法
精简Linux文件路径
栈增长方向与大端/小端问题
求字符串中两个长度最长且相等的子串
两个栈实现队列
实体完整性约束 参照完整性约束 左外连接 右外连接 关系表达式的优化 SQL
数据库范式小结 1NF 2NF BCNF 3NF 4NF DB normal form
第K小的数 快速排序 选择前K大O(n) 乱序数组中位数 median
C++ 异常处理
编程之美初赛第一场 树
正整数的汉语读法
Delegate & Block
1169 传纸条 动态规划
Android Dalvik虚拟机初识
Android Service
Android 非主进程更改界面
Android的View和ViewGroup分析
C++ 虚函数表解析
fork创建子进程(printf的打印次数问题)
开关灯 动态规划
boost源码剖析之:泛型编程精灵type_traits(rev#2)
c++ scanf sscanf ssprintf gets 逗号输入 不确定行列长度 旧事重提
n个球放入m个盒子的方法 第二类斯特林数
【合集】【更新中】C++ pointer 之指针大乱指
Disk Scheduling 磁盘调度
梅氏砝码问题
信号量 semaphore
编程之美 24点 LeetCode 679. 24 Game
杨氏矩阵找第N大(小)的O(N)线性算法 LeetCode 378. Kth Smallest Element in a Sorted Matrix 373. Find K Pairs
STL源码学习----lower_bound和upper_bound算法
Cyclic balance
内核态和用户态的区别以及内核栈
实模式与保护模式
C++ boost::asio::serial_port 串口通信类 使用 封装
C++中std::tr1::function和bind 组件的使用 和 以boost::function和boost:bind取代虚函数
scoped_ptr 与 auto_ptr 与 shared_ptr 区别总结
Boost智能指针——scoped_ptr
Boost智能指针——weak_ptr
Boost智能指针——shared_ptr
智能指针 std::auto_ptr 和 shared_ptr
Prim Kruskal LeetCode 1135. Connecting Cities With Minimum Cost
select 和 epoll区别
存储过程和触发器
C++ 常量区 堆区 栈区
【转】unix进程间的通信方式
C++ 指针的偏移 The offset of a pointer in C++
C/C++函数指针,指针函数的用法,用处
编程之美4.7蚂蚁爬杆扩展问题附猎人抓狐狸(必胜策略)
poj 2411 & 编程之美 4.2 瓷砖覆盖地板
编程之美 求二叉树中节点的最大距离 非递归
c++ cast 深入理解C++类型转换
Windows内存管理机制
面向对象五大基本原则
百度2014校园招聘笔试题
P2P共享协议最少传输次数
派生类的构造函数赋值和析构函数执行顺序
伙伴地址 Buddy System 二进制地址为011011110000,大小为4(10进制数)和16(10进制数)块的伙伴地址分别为
用C语言实现一个公用库函数void * memmove(void *dest,const void *src,size_t n)
Linux:awk指定输入和输出分隔符
STL中的set是用什么实现的?为什么不用hash?
12个高矮不同的人,排成两排
找出数组中两个只出现一次的数字
如何实现不能被继承的C++的类,且能正常使用
c++ 友元类
C/C++中的static用法总结
异常安全的赋值运算符重载函数 C++ String实现
Recursive backtrack & Non-recursive backtrack & Subset Tree & Permutation Tree 递归回溯与非递归回溯 排列树与子集树
poj 1330 Nearest Common Ancestors LCA targin
一个整数数组,长度为n,将其分为m份,使各份的和相等,求m的最大值
对于一个整数矩阵,存在一种运算,对矩阵中任意元素加一时,需要其相邻(上下左右)某一个元素也加一, 现给出一正数矩阵,判断其是否能够由一个全零矩阵经过上述运算得到。
有向图的割点问题
用天平(只能比较,不能称重)从一堆小球中找出其中唯一一个较轻的,使用x次天平,
【转载】左旋转字符串
有4张红色的牌和4张蓝色的牌
编程之美 斐波拉契数列 log(n) Fibonacci
【转载】求1+2+…+n
【转载】求二叉树中节点的最大距离…
【转载】判断整数序列是不是二元查找树的后序遍历结果
【转载】把二元查找树转变成排序的双向链表
Merge Rectanles
【转载】二叉树中两个节点的最近公共祖先节点
汉诺塔的非递归算法
Dijkstra Floyd
Memory Allocation of C++
深入浅出单例Singleton设计模式
leetcode ZigZag Conversion
数据库 索引
TCP\IP三次握手连接,四次握手断开分析
Brain Teaser 球变色
CareerCup Program an iterator for a Linked List which may include nodes which are nested within othe
CareerCup Brain Teaser
CareerCup Round-robin tournament
CareerCup How would you implement a secondary sorting
CareerCup Median of three numbers
Morris Traversal方法遍历二叉树(非递归,不用栈,O(1)空间,修改二叉树)
CareerCup An in-place algorithm for String Transformation
CareerCup Add two number
CareerCup Find out the winning probability given n, m and x
CareerCup Find top k values (asec) which can either be the number from the array A
CareerCup Insert 0s to maximize A*B
CareerCup Find if an array is a sequence
CareerCup Compute the rearrangement of x that is closest to y but still greater than y
CareerCup Randomly return a number inside of this range
CareerCup Given an array A[], find (i, j) such that A[i] < A[j] and (j - i) is maximum.
CareerCup Given a binary matrix of N X N of integers , you need to return only unique rows of binary
CareerCup Balanced Fermat Point
CareerCup Write a function that given a position returns the digit in that 0123456789101112131415…
CareerCup Implement a stack that pops out the most frequently added item
CareerCup the Lexicographically Smallest Permutation DI序列字典序最小 LeetCode 942. DI String Match
CareerCup Given a dictionary, how would you add spaces in this string
CareerCup Generate all the possible substrings
CareerCup Given an array having positive integers, find a subarray which adds to a given number
CareerCup A Ctrl+A Ctrl+C Ctrl+V
CareerCup Given preorder traversal array of a BST, recontruct the BST.
CareerCup Car races 锦标赛问题 败者树 赛马
CareerCup Old cell-phones game “snake”
The most elegant way to print a Binary Tree
CareerCup Find at-least one triplet such that A[n-1] >= A[n] <= A[n+1].
CareerCup perform increment operation on ai = ai+1 and decrements operation on aj = aj - 1
CareerCup Given an array of (unsorted) integers, arrange them such that a 小于 b 大于 c 小于 d … etc.
CareerCup How to find medium of 1 billion numbers across N distributed machines efficiently?
CareerCup Fermat point of a traingle
CareerCup Find the diameter of the tree
利用栈/递归求解算术表达式 LeetCode 224. Basic Calculator
CareerCup Liars Merge-Find Set
CareerCup View from the left and the right
CareerCup Convert a BST to max heap without using extra memory and in as optimum time as possible
poj 1094 Sorting It All Out topological sorting
CareerCup Cryptarithmetic Puzzle DFS
CareerCup Longest Common Substring Longest Common Subsequence
CareerCup how will you test if the random number generator is generating actual random numbers
CareerCup Fill the array with product of all numbers except the number in that cell
CareerCup Find the usernames existing in both documents
CareerCup Find the representation as a tree with the least height
CareerCup Find all the conflicting appointments from a given list of n appointments.
Number of 1s
Balanced Partition
整数划分问题—动态规划、递归
Build a key-value data structure which can perform lookup and rangeLookup(key1, key2)
CareerCup The number of pairs (x, y) of distinct elements with condition x + y <= Threshold
CareerCup Given a sorted array which contains scores. Write a program to find occurrence
CareerCup Randomly return a node in a binary tree
CareerCup Divide n cakes to k different people
CareerCup Binary Tree the Maximum of 人
CareerCup calculate (x^y)%z without pow();
Find the number of subsets such that the sum of numbers in the subset is a prime number
CareerCup Cost of cutting wood
CareerCup Find lexicographic minimum in a circular array 循环数组字典序
CareerCup Output the amount of all possible strings of length N that don’t of have consecutive a,b,c
Calling conventions 函数调用约定
c++ const
c++ 多态性以及虚函数 重载 覆盖 隐藏
函数多态性带来的指针的变化
排序算法的稳定性 The stabilization of sort
Weight Balls
Rats and Poisoned water
B+ Tree & Unicode & UTF-8 & 判断是否为UTF-8 & 几种常见中文的编解码表
Catalan Number 卡特兰数
CareerCup Trie Prefix Tree
CareerCup Find 3 indexes i,j,k such that, i<j<k and a[i] < a[j] < a[k]
CareerCup Find whether a given number is a perfect square or not.(Addition and Subtraction only)
CareerCup String getSentence(String text, Set dictionary); O(n)
CareerCup Maximum of all subarrays of size k (Added a O(n) method)
CareerCup Match Problems
CareerCup Josephus Problem 约瑟夫环
CareerCup Fork Problem
CareerCup What is the difference between a computers heap and it’s stack?
CareerCup Arrange the 2 x 1 boards on the 2 x n board
CareerCup Find the no. of expressions that evaluate to a Walprime
CareerCup Find a subarray
Longest increasing sub sequence poj 1080 LeetCode 300. Longest Increasing Subsequence Medium
CareerCup Find the ceiling value present in the BST of a given ke
CareerCup Number of ways to take n identical objects out of a bucket
Partition a set of numbers into two so that difference between their sum is minimum with equal size
Knapsack problem poj 3624
poj 2388 Heap Sort Heap Median
CareerCup Finds all the elements that appear more than n/3 times in the list
poj 3264 线段树 寻找最大最小值 SEGMENT TREE
【自己动手】实现简单的C++ smart pointer
Primes 质数筛法
DP for bombs
Java集合类ArrayList循环中删除特定元素
CareerCup Eliminate all ‘b’ and ‘ac’ in an array of characters
CareerCup Find the biggest interval that has all its members in list in O(n)
CareerCup Rearrange an array using swap with 0
CareerCup 2^i * 3^j * 5^k * 7^l
CareerCup the maximum longest continous sequence of 0s
CareerCup Sort an array in a special way
CarreerCup Sort Height
CareerCup Find the smallest range that includes at least one number from each of the k sorted lists.
CareerCup Pots of gold game:看谁拿的钱多
几个大数据的问题
leetcode Unique Paths II
LeetCode 60. Permutation Sequence第k个排列
leetcode Search Insert Position
Leetcode 42 407 Trapping Rain Water I II 双指针
leetcode Container With Most Water
leetcode Single Number II
常用的位操作
leetcode Multiply Strings
leetcode Validate Binary Search Tree
leetcode Clone Graph
leetcode Substring with Concatenation of All Words
leetcode Copy List with Random Pointer
leetcode Linked List Cycle II
leetcode 143 Reorder List 单链表
leetcode Binary Tree Postorder Traversal
正确使用stl map的erase方法
leetcode Gas Station
leetcode Regular Expression Matching
leetcode 75. Sort Colors 荷兰国旗
leetcode Minimum Window Substring
LeetCode 54. Spiral Matrix 剑指 Offer 29. 顺时针打印矩阵
leetcode First Missing Positive
leetcode Interleaving String
leetcode String to Integer (atoi)
leetcode Median of Two Sorted Arrays
leetcode Longest Palindromic Substring Part II
leetcode Roman Integer
leetcode Remove Nth Node From End of List
Leetcode 25 Reverse Nodes in k-Group 插入到每组头部,链表容易插
leetcode Divide Two Integers
leetcode Sudoku Solver
LeetCode 44 Wildcard Matching 贪心 DP
Leetcode 47. Permutations II next_perm 下一个排列 注意包含重复的情况
leetcode Rotate Image
leetcode 56. Merge Intervals 759. Employee Free Time 不用线段树
leetcode 57 Insert Interval
leetcode Longest Valid Parentheses
leetcode Valid Number
leetcode Text Justification
leetcode Sqrt(x) Binary Search
leetcode 4Sum Summary for unique and duplicates
leetcode implement strStr
leetcode 84 Search in Rotated Sorted Array II 二分循环变种
leetcode Remove Duplicates from Sorted List II
leetcode Largest Rectangle in Histogram
leetcode Scramble String
leetcode Decode Ways I & II Divide and Conquer
leetcode Gray Code
leetcode Subsets II
leetcode Reverse Linked List II
leetcode Restore IP Addresses
leetcode Unique Binary Search Trees II
leetcode Recover Binary Search Tree
leetcode Convert Sorted List to Binary Search Tree
leetcode Flatten Binary Tree to Linked List
leetcode Distinct Subsequences DP
Populating Next Right Pointers in Each Node II
leetcode Best Time to Buy and Sell Stock III
leetcode Best Time to Buy and Sell Stock II
leetcode Binary Tree Maximum Path Sum
leetcode Word Ladder II hash BFS
【智力题】飞机加油问题
STL set multiset map multimap unordered_set unordered_map example
priority_queue sort 自定义比较终极模板 C++ & JAVA
strcpy函数 面试题
new malloc的区别
快速排序 递归转非递归
LeetCode 132. Palindrome Partitioning II DP 深搜
c/c++数据范围
wikioi 1553 互斥的数
wikioi 1074 食物链 并查集
wikioi 1069 关押罪犯
快速排序 模板代码 面试
poj 2342 Anniversary party 树形DP
poj2299 逆序数 归并
poj 3258 还是二分
poj 3273 二分法
poj 1985 重点学习图的存储方法
POJ 1088 DFS 同时记录深搜过的位置
boj1924 麻将判胡

评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值