url
stringlengths
13
4.35k
tag
stringclasses
1 value
text
stringlengths
109
628k
file_path
stringlengths
109
155
dump
stringclasses
96 values
file_size_in_byte
int64
112
630k
line_count
int64
1
3.76k
https://deepai.org/publication/deep-reinforcement-learning-based-image-captioning-with-embedding-reward
code
Image captioning, the task of automatically describing the content of an image with natural language, has attracted increasingly interests in computer vision. It is interesting because it aims at endowing machines with one of the core human intelligence to understand the huge amount of visual information and to express it in natural language. follow an encoder-decoder framework to generate captions for the images. They generally employ convolutional neural networks to encode the visual information and utilize recurrent neural networks to decode that information to coherent sentences. During training and inference, they try to maximize the probability of the next word based on recurrent hidden state. In this paper, we introduce a novel decision-making framework for image captioning. Instead of learning a sequential recurrent model to greedily look for the next correct word, we utilize a “policy network” and a “value network” to jointly determine the next best word at each time step. The policy network, which provides the confidence of predicting the next word according to current state, serves as a local guidance. The value network, that evaluates the reward value of all possible extensions of the current state, serves as a global and lookahead guidance. Such value network adjusts the goal of predicting the correct words towards the goal of generating captions that are similar to ground truth captions. Our framework is able to include the good words that are with low probability to be drawn by using the policy network alone. Figure 1 shows an example to illustrate the proposed framework. The word holding is not among the top choices of our policy network at current step. But our value network goes forward for one step to the state supposing holding is generated and evaluates how good such state is for the goal of generating a good caption in the end. The two networks complement each other and are able to choose the word holding. To learn the policy and value networks, we use deep reinforcement learning with embedding reward. We begin by pretraining a policy network using standard supervised learning with cross entropy loss, and by pretraining a value network with mean squared loss. Then, we improve the policy and value networks by deep reinforcement learning. Reinforcement learning has been widely used in gaming, control theory , etc. The problems in control or gaming have concrete targets to optimize by nature, whereas defining an appropriate optimization goal is nontrivial for image captioning. In this paper, we propose to train using an actor-critic model with reward driven by visual-semantic embedding [11, 19, 36, 37] . Visual-semantic embedding, which provides a measure of similarity between images and sentences, can measure the correctness of generated captions and serve as a reasonable global target to optimize for image captioning in reinforcement learning. We conduct detailed analyses on our framework to understand its merits and properties. Extensive experiments on the Microsoft COCO dataset show that the proposed method outperforms state-of-the-art approaches consistently across different evaluation metrics, including BLEU , Meteor , Rouge and CIDEr . The contributions of this paper are summarized as follows: We present a novel decision-making framework for image captioning utilizing a policy network and a value network. Our method achieves state-of-the-art performance on the MS COCO dataset. To our best knowledge, this is the first work that applies decision-making framework to image captioning. To learn our policy and value networks, we introduce an actor-critic reinforcement learning algorithm driven by visual-semantic embedding. Our experiments suggest that the supervision from embedding generalizes well across different evaluation metrics. 2 Related Work 2.1 Image captioning Many image captioning approaches have been proposed in the literature. Early approaches tackled this problem using bottom-up paradigm [10, 23, 27, 47, 24, 8, 26, 9], which first generated descriptive words of an image by object recognition and attribute prediction, and then combined them by language models. Recently, inspired by the successful use of neural networks in machine translation , the encoder-decoder framework [3, 44, 30, 17, 7, 46, 15, 48, 43] has been brought to image captioning. Researchers adopted such framework because “translating” an image to a sentence was analogous to the task in machine translation. Approaches following this framework generally encoded an image as a single feature vector by convolutional neural networks[22, 6, 39, 41], and then fed such vector into recurrent neural networks [14, 5] to generate captions. On top of it, various modeling strategies have been developed. Karpathy and Fei-Fei , Fang et al. presented methods to enhance their models by detecting objects in images. To mimic the visual system of humans , spatial attention and semantic attention were proposed to direct the model to attend to the meaningful fine details. Dense captioning was proposed to handle the localization and captioning tasks simultaneously. Ranzato et al. proposed a sequence-level training algorithm. During inference, most state-of-the-art methods employ a common decoder mechanism using greedy search or beam search. Words are sequentially drawn according to local confidence. Since they always predict the words with top local confidence, such mechanism can miss good words at early steps which may lead to bad captions. In contrast, in addition to the local guidance, our method also utilizes a global and lookahead guidance to compensate such errors. Decision-making is the core problem in computer gaming , control theory , navigation and path planning , etc. In those problems, there exist agents that interact with the environment, execute a series of actions, and aim to fulfill some pre-defined goals. Reinforcement learning [45, 21, 40, 31] , known as “a machine learning technique concerning how software agent ought to take actions in an environment so as to maximize some notion of cumulative reward”, is well suited for the task of decision-making. Recently, professional-level computer Go program was designed by Silveret al. using deep neural networks and Monte Carlo Tree Search. Human-level gaming control was achieved through deep Q-learning. A visual navigation system was proposed recently based on actor-critic reinforcement learning model. Decision-making framework has not been applied to image captioning. One previous work in text generation has used REINFORCE to train its model by directly optimizing a user-specified evaluation metric. Such metric-driven approach is hard to generalize to other metrics. To perform well across different metrics, it needs to be re-trained for each one in isolation. In this paper, we propose a training method using actor-critic reinforcement learning driven by visual-semantic embedding [11, 19], which performs well across different evaluation metrics without re-training. Our approach shows significant performance improvement over . Moreover, we use a decision-making framework to generate captions, while follows the existing encoder-decoder framework. 3 Deep Reinforcement Learning-based Image Captioning In this section, we first define our formulation for deep reinforcement learning-based image captioning and propose a novel reward function defined by visual-semantic embedding. Then we introduce our training procedure as well as our inference mechanism. 3.1 Problem formulation We formulate image captioning as a decision-making process. In decision-making, there is an agent that interacts with the environment, and executes a series of actions, so as to optimize a goal. In image captioning, the goal is, given an image , to generate a sentence which correctly describes the image content, where is a word in sentence and is the length. Our model, including the policy network and value network , can be viewed as the agent; the environment is the given image and the words predicted so far ; and an action is to predict the next word . 3.1.1 State and action space A decision-making process consists of a series of actions. After each action , a state is observed. In our problem, state at time step consists of the image and the words predicted until , . The action space is the dictionary that the words are drawn from, i.e., . 3.1.2 Policy network The policy network provides the probability for the agent to take actions at each state, , where the current state and action . In this paper, we use a Convolutional Neural Network (CNN) and a Recurrent Neural Network (RNN) to construct our policy network, denoted as and RNN. It is similar to the basic image captioning model used in the encoder-decoder framework. As shown in Figure 2, firstly we use CNN to encode the visual information of image . The visual information is then fed into the initial input node of RNN. As the hidden state of RNN evolves over time , the policy at each time step to take an action is provided. The generated word at will be fed back into RNN in the next time step as the network input , which drives the RNN state transition from to . Specifically, the main working flow of is governed by the following equations: where is the weight of the linear embedding model of visual information, and denote the input and output models of RNN. 3.1.3 Value network Before we introduce our value network , we first define the value function of a policy . is defined as the prediction of the total reward (will be defined later in Section 3.2) from the observed state , assuming the decision-making process is following a policy , i.e., We approximate the value function using a value network, . It serves as an evaluation of state . As shown in Figure 3 , our value network is comprised of a CNN, a RNN, and a Multilayer Perceptron (MLP), denoted as CNN, RNN and MLP. Our value network takes the raw image and sentence inputs. CNN is utilized to encode the visual information of , RNN is designed to encode the semantic information of a partially generated sentence . All the components are trained simultaneously to regress the scalar reward from . We investigate our value network architecture in Section 4.4. 3.2 Reward defined by visual-semantic embedding In our decision-making framework, it is important to define a concrete and reasonable optimization goal, i.e., the reward for reinforcement learning. We propose to utilize visual-semantic embedding similarities as the reward. Visual-semantic embedding has been successfully applied to image classification [11, 37], retrieval [19, 36, 33], etc. Our embedding model is comprised of a CNN, a RNN and a linear mapping layer, denoted as , and . By learning the mapping of images and sentences into one semantic embedding space, it provides a measure of similarity between images and sentences. Given a sentence , its embedding feature is represented using the last hidden state of , i.e., . Let denote the feature vector of image extracted by , and is the mapping function from image features to the embedding space. We train the embedding model using the same image-sentence pairs as in image captioning. We fix the CNN weight, and learn the RNN weights as well as using a bi-directional ranking loss defined as follows: where is the margin cross-validated, every () are a ground truth image-sentence pair, denotes a negative description for the image corresponding to , and vice-versa with . Given an image with feature , we define the reward of a generated sentence to be the embedding similarity between and : 3.3 Training using deep reinforcement learning Following , we learn and in two steps. In the first step, we train the policy network using standard supervised learning with cross entropy loss, where the loss function is defined as. And we train the value network by minimizing the mean squared loss, where is the final reward of the generated sentence and denotes a randomly selected state in the generating process. For one generated sentence, successive states are strongly correlated, differing by just one word, but the regression target is shared for each entire captioning process. Thus, we randomly sample one single state from each distinct sentence, to prevent overfitting. In the second step, we train and jointly using deep reinforcement learning (RL). The parameters of our agent are represented by , and we learn by maximizing the total reward the agent can expect when interacting with the environment: . As , . exactly is non-trivial since it involves an expectation over the high-dimensional interaction sequences which may involve unknown environment dynamics in turn. Viewing the problem as a partially observable Markov decision process, however, allows us to bring techniques from the RL literature to bear: As shown in[45, 40, 31], a sample approximation to the gradient is: Here the value networkused to scale the gradient can be seen as an estimate of the advantage of action in state . This approach can be viewed as an actor-critic architecture where the policy is the actor and is the critic. However, reinforcement learning in image captioning is hard to train, because of the large action space comparing to other decision-making problems. The action space of image captioning is in the order of which equals the vocabulary size, while that of visual navigation in is only 4, which indicates four directions to go. To handle this problem, we follow to apply curriculum learning to train our actor-critic model. In order to gradually teach the model to produce stable sentences, we provide training samples with gradually more difficulty: iteratively we fix the first () words with cross entropy loss and let the actor-critic model train with the remaining words, for until reinforcement learning is used to train the whole sentence. Please refer to for details. 3.4 Lookahead inference with policy network and value network One of the key contributions of the proposed decision-making framework over existing framework lies in the inference mechanism. For decision-making problems, the inference is guided by a local guidance and a global guidance, e.g., AlphaGo utilized MCTS to combine both guidances. For image captioning, we propose a novel lookahead inference mechanism that combines the local guidance of policy network and the global guidance of value network. The learned value network provides a lookahead evaluation for each decision, which can complement the policy network and collaboratively generate captions. Beam Search (BS) is the most prevalent method for decoding in existing image captioning approaches, which stores the top- highly scoring candidates at each time step. Here is the beam width. Let us denote the set of sequences held by BS at time as , where each sequence are the generated words until then, . At each time step , BS considers all possible single word extensions of these beams, given by the set , and selects the top- most scoring extensions as the new beam sequences : where operator argtopB denotes the obtaining top- operation that is implemented by sorting the members of , and denotes the scoring function of a generated sequence. In existing BS of image captioning, is the log-probability of the generated sequence. However, such scoring function may miss good captions because it assumes that the log-probability of every word in a good caption must be among top choices. This is not necessarily true. Analogously, in AlphaGo not every move is with top probability. It is beneficial to sometimes allow some actions with low probability to be selected as long as the final reward is optimized. To this end, we propose a lookahead inference that combines the policy network and value network to consider all options in . It executes each action by taking both the current policy and the lookahead reward evaluation into consideration, i.e., where is the score of extending the current sequence with a word , denotes the confidence of policy network to predict as extension, and denotes the evaluation of value network for the state supposing is generated. is a hyperparameter combining policy and value network that we will analyze experimentally in Section4.5. |Google NIC ||0.666||0.461||0.329||0.246| |Spatial ATT ||0.718||0.504||0.357||0.25||0.23| |Semantic ATT ||0.709||0.537||0.402||0.304||0.243| In this section, we perform extensive experiments to evaluate the proposed framework. All the reported results are computed using Microsoft COCO caption evaluation tool , including the metrics BLEU, Meteor, Rouge-L and CIDEr, which are commonly used together for fair and thorough performance measure. Firstly, we discuss the dataset and implementation details. Then we compare the proposed method with state-of-the-art approaches on image captioning. Finally, we conduct detailed analyses on our method. 4.1 Dataset and implementation details Dataset We evaluate our method on the widely used MS COCO dataset for the image captioning task. For fair comparison, we adopt the commonly used splits proposed in , which use 82,783 images for training, 5,000 images for validation, and 5,000 images for testing. Each image is given at least five captions by different AMT workers. We follow to preprocess the captions (i.e. building dictionaries, tokenizing the captions). Network architecture As shown in Figure 2 and 3, our policy network, value network both contain a CNN and a RNN. We adopt the same CNN and RNN architectures for them, but train them independently. We use VGG-16 as our CNN architecture and LSTM as our RNN architecture. The input node dimension and the hidden state dimension of LSTM are both set to be 512, i.e., . There are many CNN, RNN architectures in the literature, e.g., ResNet , GRU , etc. Some of them have reported better performance than the ones we use. We do not use the latest architecture for fair comparison with existing methods. In our value network, we use a three-layer MLP that regresses to a scalar reward value, with a 1024-dim and a 512-dim hidden layers in between. In Figure 3, a state is represented by concatenating the visual and semantic features. The visual feature is a 512-dim embedded feature, mapped from the 4096-dim CNN output. The semantic feature is the 512-dim hidden state of RNN at the last time step. Thus, the dimension of is 1024. Visual-semantic embedding Visual-semantic embedding can measure the similarity between images and sentences by mapping them to the same space. We followed to use VGG-16 as and GRU as . The image feature in Equation 6 is extracted from the last 4096-dim layer of VGG-16. The input node dimension and the hidden state dimension of GRU are set as 300 and 1024. is a 40961024 linear mapping layer. The margin in Equation 6 is set as 0.2. Training details In training, we use Adam algorithm to do model updating. It is worth noting that, other than using the pretrained VGG-16 model, we only use the images and captions provided in the dataset to train our networks and embedding, without any external data. We set in curriculum learning as 2. In testing, a caption is formed by drawing words sequentially until a special end token is reached, using the proposed lookahead inference mechanism. We do not use ensemble of models. 4.2 Comparing with state-of-the-art methods In Table 1, we provide a summary of the results of our method and existing methods. We obtain state-of-the-art performance on MS COCO in most evaluation metrics. Note that Semantic ATT utilized rich extra data from social media to train their visual attribute predictor, and DCC utilized external data to prove its unique transfer capacity. It makes their results incomparable to other methods that do not use extra training data. Surprisingly, even without external training data, our method outperforms [48, 13]. Comparing to methods other than [48, 13], our approach shows significant improvements in all the metrics except Bleu-1 in which our method ranks the second. Bleu-1 is related to single word accuracy, the performance gap of Bleu-1 between our method and may be due to different preprocessing for word vocabularies. MIXER is a metric-driven trained method. A model trained with Bleu-4 using is hard to generalize to other metrics. Our embedding-driven decision-making approach performs well in all metrics. Especially, considering our policy network shown in Figure 2 is based on a mechanism similar to the very basic image captioning model similar to Google NIC , such significant improvement over validates the effectiveness of the proposed decision-making framework that utilizes both policy and value networks. Moreover, the proposed framework is modular w.r.t. the network design. Other powerful mechanisms such as spatial attention, semantic attention can be directly integrated into our policy network and further improve our performance. Since the proposed embedding-driven decision-making framework is very different from existing methods, we want to perform insightful analyses and answer the following questions: 1) How powerful is embedding? Is the performance gain more because of the framework or embedding alone? 2) How important is lookahead inference? 3) How important is reinforcement learning in the framework? 4) Why the value network is designed as in Figure 3? 5) How sensitive is the method to hyperparameter and beam size? To answer those questions, we conduct detailed analyses in the following three sections. 4.3 How much each component contributes? In this section, we answer questions 1) 2) 3) above. As discussed in Section 3.3, we train our policy and value networks in two steps: pretraining and then reinforcement learning. We name the initial policy network pretrained with supervised learning as (SL). We name the initial value network pretrained with mean squared loss as (RawVN). The SL model can be served as our baseline, which does not use value network or lookahead inference. To evaluate the impact of embedding, we incorporate SL with embedding as follows: in the last step of beam search of SL, when a beam of candidate captions are generated, we rank those candidates according to their embedding similarities with the test image other than their log-probabilities, and finally output the one with highest embedding score. This baseline is named as (SL-Embed). To validate the contribution of lookahead inference and reinforcement learning, we construct a baseline that use SL and RawVN with the proposed lookahead inference, which is named as (SL-RawVN). Finally our full model is named as (Full-model). According to the results of those variants of our method shown in Table 2, we can answer the questions 1)-3) above: Using embedding alone, SL-Embed performs slightly better than the SL baseline. However, the gap between SL-Embed and Full-model is very big. Therefore, we conclude that using embedding alone is not powerful. The proposed embedding-driven decision-making framework is the merit of our method. By using lookahead inference, SL-RawVN is much better than the SL baseline. This validates the importance of the proposed lookahead inference that utilizes both local and global guidance. After reinforcement learning, our Full-model performs better than the SL-RawVN. This validates the importance of using embedding-driven actor-critic learning for model training. We show some qualitative captioning results of our method and the SL baseline in Figure 4. GT stands for ground truth caption. In the first three columns, we compare our method and SL baseline. As we see, our method is better at recognizing key objects that are easily missed by SL, e.g., the snowboard and umbrellas in the first column images. Besides, our method can reduce the chance of generating incorrect word and accumulating errors, e.g., we generate the word eating other than sitting for the image in the lower second column. Moreover, thanks to the global guidance, our method is better at generating correct captions at global level, e.g., we can recognize the airplane and painting for the images in the third column. Finally, we show two failure cases of our method in the last column, in which cases we fail to understand some important visual contents that only take small portions of the images. This may be due to our policy network architecture. Adding more detailed visual modeling techniques such as detection and attention can alleviate such problem in the future. 4.4 Value network architecture analysis In this paper we propose a novel framework that involves value network, whose architecture is worth looking into. As in Figure 3, we use CNN and RNN to extract visual and semantic information from the raw image and sentence inputs. Since the hidden state in policy network at each time step is a representation of each state as well, a natural question is “can we directly utilize the policy hidden state?”. To answer this question, we construct two variants of our value network: the first one, named as (hid-VN), is comprised of a MLP on top of the policy hidden state of RNN; the second variant, (hid-Im-VN), is comprised of a MLP on top of the concatenation of the policy hidden state of RNN and the visual input of policy RNN. The results are shown in Table 2. As we see, both variants that utilize policy hidden state do not work well, comparing to our Full-model. The problem of the policy hidden state is that it compresses and also loses lots of information. Thus, it is reasonable and better to train independent CNN, RNN for value network itself with raw image and sentence inputs, as in Figure 3. 4.5 Parameter sensitivity analysis There are two major hyperparameters in our method, in Equation 10 and the beam size. In this section, we analyze their sensitivity to answer question 5) above. In Table 3, we show the evaluation of ’s impact on our method. As in Equation 10, is a hyperparameter combining policy and value networks in lookahead inference, . means we only use value network to guide our lookahead inference; while means we only use policy network, which is identical to beam search. As shown in Table 3, the best performance is when . As goes down from 0.4 to 0 or goes up from 0.4 to 1, overall the performance drops monotonically. This validates the importance of both networks; we should not emphasize too much on either network in lookahead inference. Besides, performs much worse than . This is because policy network provides local guidance, which is very important in sequential prediction. Thus, in lookahead inference, it is too weak if we only use global guidance, i.e. value network in our approach. In Table 4, we provide the evaluation of different beam sizes’ impact on SL baseline and our full model. As discovered in previous work such as , the image captioning performance becomes worse as the beam size gets larger. We validate such discovery for existing encoder-decoder framework. As shown in the upper half of Table 4, we test our SL baseline with 5 different beam sizes from 5 to 100. Note that SL is based on beam search, which follows the encoder-decoder framework as most existing approaches. As we see, the impact of beam size on SL is relatively big. It’s mainly because that as we increase the beam size, bad word candidates are more likely to be drawn into the beam, since the confidence provided by the sequential word generator is only consider local information. On the other hand, as shown in the lower part of Table 4, our method is less sensitive to beam sizes. The performance variations between different beam sizes are fairly small. We argue that this is because of the proposed lookahead inference that considers both policy and value networks. With local and global guidances, our framework is more robust and stable to policy mistakes. In this work, we present a novel decision-making framework for image captioning, which achieves state-of-the-art performance on standard benchmark. Different from previous encoder-decoder framework, our method utilizes a policy network and a value network to generate captions. The policy network serves as a local guidance and the value network serves as a global and lookahead guidance. To learn both networks, we use an actor-critic reinforcement learning approach with novel visual-semantic embedding rewards. We conduct detailed analyses on our framework to understand its merits and properties. Our future works include improving network architectures and investigating the reward design by considering other embedding measures. - Y. Bengio, J. Louradour, R. Collobert, and J. Weston. Curriculum learning. In ICML, 2009. - X. Chen, H. Fang, T.-Y. Lin, R. Vedantam, S. Gupta, P. Dollar, and C. L. Zitnick. Microsoft coco captions: Data collection and evaluation server. In arXiv:1504.00325, 2015. - X. Chen and C. L. Zitnick. Mind’s eye: A recurrent visual representation for image caption generation. In CVPR, 2015. - K. Cho, B. van Merrienboer, C. Gulcehre, F. Bougares, H. Schwenk, and Y. Bengio. Learning phrase representations using rnn encoder-decoder for statistical machine translation. In EMNLP, 2014. - J. Chung, C. Gulcehre, K. Cho, and Y. Bengio. Empirical evaluation of gated recurrent neural networks on sequence modeling. In arXiv:1412.3555, 2014. - J. Deng, W. Dong, R. Socher, L. Li, K. Li, and L. Fei-Fei. Imagenet: a large-scale hierachical image database. In CVPR, 2009. - J. Donahue, L. A. Hendricks, S. Guadarrama, M. Rohrbach, S. Venugopalan, K. Saenko, and T. Darrell. Long-term recurrent convolutional networks for visual recognition and description. In CVPR, 2015. - D. Elliott and F. Keller. Image description using visual dependency representations. In EMNLP, 2013. - H. Fang, S. Gupta, F. Iandola, R. K. Srivastava, L. Deng, P. Dollar, J. Gao, X. He, M. Mitchell, J. C. Platt, C. L. Zitnick, and G. Zweig. From from captions to visual concepts and back. In CVPR, 2015. - A. Farhadi, M. Hejrati, M. A. Sadeghi, P. Young, C. Rashtchian, J. Hockenmaier, and D. Forsyth. Every picture tells a story: Generating sentences from images. In ECCV, 2010. - A. Frome, G. Corrado, J. Shlens, S. Bengio, J. Dean, M. Ranzato, and T. Mikolov. Devise: A deep visual-semantic embedding model. In NIPS, 2013. - K. He, X. Zhang, S. Ren, and J. Sun. Deep residual learning for image recognition. In CVPR, 2016. - L. A. Hendricks, S. Venugopalan, M. Rohrbach, R. Mooney, K. Saenko, and T. Darrell. Deep compositional captioning: Describing novel object categories without paired training data. In CVPR, 2016. - S. Hochreiter and J. Schmidhuber. Long short-term memory. Neural Computation, 9:1735–1780, 1997. - X. Jia, E. Gavves, B. Fernando, and T. Tuytelaars. Guiding the long-short term memory model for image caption generation. In ICCV, 2015. - J. Johnson, A. Karpathy, and L. Fei-Fei. Densecap: Fully convolutional localization networks for dense captioning. In CVPR, 2016. - A. Karpathy and L. Fei-Fei. Deep visual-semantic alignments for generating image descriptions. In CVPR, 2015. - D. Kingma and J. Ba. Adam: A method for stochastic optimization. In ICLR, 2015. - R. Kiros, R. Salakhutdinov, and R. S. Zemel. Unifying visual-semantic embeddings with multimodal neural language models. In TACL, 2015. - C. Koch and S. Ullman. Shifts in selective visual attention: towards the underlying neural circuitry. Matters of intelligence, pages 115–141, 1987. - V. Konda and J. Tsitsiklis. Actor-critic algorithms. In NIPS, 1999. - A. Krizhevsky, I. Sutskever, and G. Hinton. Imagenet classification with deep convolutional neural networks. In NIPS, 2012. - G. Kulkarni, V. Premraj, S. Dhar, S. Li, Y. Choi, A. C. Berg, and T. L. Berg. Baby talk: Understanding and generating image descriptions. In CVPR, 2011. - P. Kuznetsova, V. Ordonez, A. C. Berg, T. L. Berg, and Y. Choi. Collective generation of natural image descriptions. In ACL, 2012. - A. Lavie and M. Denkowski. The meteor metric for automatic evaluation of machine translation. Machine Translation, 2010. - R. Lebret, P. O. Pinheiro, and R. Collobert. Simple image description generator via a linear phrase-based approach. In ICLR, 2015. S. Li, G. Kulkarni, T. L. Berg, A. C. Berg, and Y. Choi. Composing simple image descriptions using web-scale n-grams.In CoNLL, 2011. - C.-Y. Lin. Rouge: A package for automatic evaluation of summaries. In WAS, 2004. - T.-Y. Lin, M. Maire, S. Belongie, L. Bourdev, R. Girshick, J. Hays, P. Perona, D. Ramanan, C. L. Zitnick, and P. Dollar. Microsoft coco: Common objects in context. In ECCV, 2014. - J. Mao, W. Xu, Y. Yang, J. Wang, and A. Yuille. Deep captioning with multimodal recurrent neural networks. In ICLR, 2015. - V. Mnih, A. P. Badia, M. Mirza, A. Graves, T. P. Lillicrap, T. Harley, D. Silver, and K. Kavukcuoglu. Asynchronous methods for deep reinforcement learning. In ICML, 2016. - V. Mnih, K. Kavukcuoglu, D. Silver, A. Rusu, J. Veness, M. G. Bellemare, A. Graves, M. Riedmiller, A. Fidjeland, G. Ostrovski, S. Petersen, C. Beattie, A. Sadik, I. Antonoglou, H. King, D. Kumaran, D. Wierstra, S. Legg, and D. Hassabis. Human-level control through deep reinforcement learning. Nature, 518:529–533, 2015. - Y. Pan, T. Mei, T. Yao, H. Li, and Y. Rui. Jointly modeling embedding and translation to bridge video and language. In CVPR, 2016. - K. Papineni, S. Roukos, T. Ward, and W. J. Zhu. Bleu: a method for automatic evaluation of machine translation. In ACL, 2002. - M. Ranzato, S. Chopra, M. Auli, and W. Zaremba. Sequence level training with recurrent neural networks. In ICLR, 2016. - Z. Ren, H. Jin, Z. Lin, C. Fang, and A. Yuille. Multi-instance visual-semantic embedding. In arXiv:1512.06963, 2015. - Z. Ren, H. Jin, Z. Lin, C. Fang, and A. Yuille. Joint image-text representation by gaussian visual-semantic embedding. In ACM Multimedia, 2016. - D. Silver, A. Huang, C. J. Maddison, A. Guez, L. Sifre, G. van den Driessche, J. Schrittwieser, I. Antonoglou, V. Panneershelvam, M. Lanctot, S. Dieleman, D. Grewe, J. Nham, N. Kalchbrenner, I. Sutskever, T. Lillicrap, M. Leach, K. Kavukcuoglu, T. Graepel, and D. Hassabis. Mastering the game of go with deep neural networks and tree search. Nature, 529:484–489, 2016. - K. Simonyan and A. Zisserman. Very deep convolutional networks for large-scale image recognition. In ICLR, 2015. - R. S. Sutton, D. McAllester, S. Singh, and Y. Mansour. Policy gradient methods for reinforcement learning with function approximation. In NIPS, 2000. - C. Szegedy, W. Liu, Y. Jia, P. Sermanet, S. Reed, D. Anguelov, D. Erhan, V. Vanhoucke, and A. Rabinovich. Going deeper with convolutions. In CVPR, 2015. - R. Vedantam, C. L. Zitnick, and D. Parikh. Cider: Consensus-based image description evaluation. In CVPR, 2015. - A. Vijayakumar, M. Cogswell, R. R. Selvaraju, Q. Sun, S. Lee, D. Crandall, and D. Batra. Diverse beam search: Decoding diverse solutions from neural sequence models. In arXiv:1610.02424, 2016. - O. Vinyals, A. Toshev, S. Bengio, and D. Erhan. Show and tell: A neural image caption generator. In CVPR, 2015. - R. Williams. simple statistical gradient-following algorithms for connectionist reinforcement learning. Machine Learning, 8:229–256, 1992. - K. Xu, J. L. Ba, R. Kiros, K. Cho, A. Courville, R. Salakhutdinov, R. S. Zemel, and Y. Bengio. Show, attend and tell: Neural image caption generation with visual attention. In ICML, 2015. - Y. Yang, C. L. Teo, H. Daume III, and Y. Aloimonos. Corpus-guided sentence generation of natural images. In EMNLP, 2011. - Q. You, H. Jin, Z. Wang, C. Fang, and J. Luo. Image captioning with semantic attention. In CVPR, 2016. - Y. Zhu, R. Mottaghi, E. Kolve, J. J. Lim, and A. Gupta. Target-driven visual navigation in indoor scenes using deep reinforcement learning. In arXiv:1609.05143, 2016.
s3://commoncrawl/crawl-data/CC-MAIN-2022-27/segments/1656104628307.87/warc/CC-MAIN-20220705205356-20220705235356-00305.warc.gz
CC-MAIN-2022-27
35,860
126
https://subscription.packtpub.com/book/iot-and-hardware/9781837632619/17/ch17lvl1sec03/summary
code
You have made it to the end of this chapter, and also the end of this book. In this chapter, you learned how you can take what you have built using Arduino and maybe some breadboards and convert it into a prototype that you can test. After initial testing, you learned about the various phases that your prototype needs to go through before you can manufacture it for sale. Congratulations, you have made it to the end! I hope you build something awesome.
s3://commoncrawl/crawl-data/CC-MAIN-2024-10/segments/1707947476399.55/warc/CC-MAIN-20240303210414-20240304000414-00698.warc.gz
CC-MAIN-2024-10
455
2
https://community.fabric.microsoft.com/t5/Issues/Error-getting-OData-from-Microsoft-Graph-Access-to-the-resource/idc-p/430398
code
Fabric is Generally Available. Browse Fabric Presentations. Work towards your Fabric certification with the Cloud Skills Challenge. I am getting an error "Access to the resource is forbidden" when trying to access Microsoft Graph in Power BI Desktop report. Microsoft Graph URL is https://graph.microsoft.com/v1.0/devices I am logging in using Organization Account. I have Global Admin role in the tenant. The report was working normally for months, but stopped since yesterday. I even tried creating new one - same result. Accessing the same URL from Graph Explorer works fine. What could actually impact this kind of error? I have the exact issue. Using OData.Feed("https://graph.microsoft.com/v1.0/users") succesfully for months in PowerBI.com with 8 scheduled refreshes per day. First refresh of June 1st give an "Access to the resource is forbidden" error messages. When I test it on https://developer.microsoft.com/en-us/graph/graph-explorer I have no issue. Any suggestion is welcome. I have reported this issue internally: CRI 71609700. Will update here once I get any information. Best Regards,Qiuyun Yu @v-qiuyu-msft, thanks. Keep is posted. I'm awaiting the response here, too. I've got multiple client reports that are using Graph for their row-level security, and this has production reports in stasis. Thanks for looking into this, @v-qiuyu-msft. eagerly waiting a solution, same issue for me.. i no longer have access to graph api from powerbi desktop using odata or web connectors. @v-qiuyu-msft, thanks for loooking into this. While waiting for the solution, do you think we could have some kind of the workaround? For example, would Web API authentication work? @jevgenijmart thanks for raising the issue. @v-qiuyu-msft thanks for looking into it. I thought I was going mad trying to figure out why this had started to happen in my reports!! Look forward to hearing about a resolution 🙂 I'm having the same issues. Possible culprit may be that in the June release of PowerBI upgraded the OData drivers to version 4, but the MS Graph doesn't consistently supoort v4 of OData across allthe services. Any work-around would be appreciated, I can't restrict updates to the end users' powerbi desktop @Anonymous, this was an issue before June release popped, and I verified that it's broken on the May release as well. I originally had this issue last Thursday, May 31st. It seems like most people collectively woke up this Monday to finally see that their Graph-based queries were broken. @Anonymous nice idea. But yeah, I was getting the issue since Thursday, May 31st. It feels like it has something to do with some changes on Azure/Graph API side You must be a registered user to add a comment. If you've already registered, sign in. Otherwise, register and sign in.
s3://commoncrawl/crawl-data/CC-MAIN-2023-50/segments/1700679100529.8/warc/CC-MAIN-20231204115419-20231204145419-00611.warc.gz
CC-MAIN-2023-50
2,785
31
http://www.yqcomputer.com/1301_651_1.htm
code
An access violation is a bug in code. It could be your code, or Borland's. The first step to finding the problem is to Build your app with Debug DCUs, and look at the call stack when the exception is raised. This should give you some clue as to where the problem is. Craig Stuntz [TeamB] . Vertex Systems Corp. . Columbus, OH Delphi/InterBase Weblog : http://www.yqcomputer.com/ InterBase Performance Monitor -- Analyze and control your IB7
s3://commoncrawl/crawl-data/CC-MAIN-2020-45/segments/1603107894203.73/warc/CC-MAIN-20201027140911-20201027170911-00716.warc.gz
CC-MAIN-2020-45
440
7
https://hackerspace.kinja.com/view-wikipedia-articles-in-their-native-language-for-mo-1557865185
code
Wikipedia has a page for practically everything you could ever want to learn about, and usually the English page has what you need. However, you may find yourself on a page for a foreign location or topic that doesn't seem to say very much. The fix: try switching to the native language and translating the page with something like Google Translate. For example: look at the page for the French region Auvergne. There isn't much there. Now compare that to the page in French. The difference is immediately clear, even without knowing a word of French. In hindsight, the reasoning behind this trick seems obvious. We might like to think everything on Wikipedia was written in English, but in fact, an article on a region of France was most likely best written by someone who speaks french, then sloppily re-written or translated to English.
s3://commoncrawl/crawl-data/CC-MAIN-2020-29/segments/1593655933254.67/warc/CC-MAIN-20200711130351-20200711160351-00047.warc.gz
CC-MAIN-2020-29
839
4
http://www.gotapex.com/threads/22169-Why-do-people-care-so-much-about-the-number-of-posts-they-have
code
I think this site is supposed to be about having fun not trying to get the most amount of posts you can get; what's fun about that? You could have one post or you could have a million posts, who cares? Apparently some people care a lot. I don't get it. Do we get something for having a lot of posts and nobody told me? Did I miss the meeting?
s3://commoncrawl/crawl-data/CC-MAIN-2013-48/segments/1386164000828/warc/CC-MAIN-20131204133320-00040-ip-10-33-133-15.ec2.internal.warc.gz
CC-MAIN-2013-48
342
1
https://www.mwdata.net/tag/calendar/
code
Countless companies prefer Microsoft Outlook over other web-based email and calendar services because of its ease of use and convenience. Aside from being handy for managing business communications and setting up meetings, it can be used for coordinating projects and organizing contacts as well. Calendar apps have done wonders for the business world. They’ve made it so much simpler to schedule meetings with colleagues, manage projects, and increase productivity. But things can get sticky when you want someone outside of your organization to see your calendar.
s3://commoncrawl/crawl-data/CC-MAIN-2021-10/segments/1614178365186.46/warc/CC-MAIN-20210303012222-20210303042222-00055.warc.gz
CC-MAIN-2021-10
567
2
https://nordvpn.com/blog/what-is-ciphertext/
code
What is ciphertext Ciphertext is encrypted plaintext. Plaintext becomes ciphertext when an algorithm called a cipher is used to make text or data unreadable. What is the difference between plaintext and ciphertext? Plaintext is turned into ciphertext through the process of encryption. - Plaintext is text in normal readable language. - Ciphertext is a series of randomized numbers and letters that humans cannot make sense of. What is a ciphertext example? The Caesar cipher is a substitution cipher where each letter in the plaintext is shifted down the alphabet. For instance, with a shift of 1, A would be B. With a shift of 2, A would be C. Polygraphic, permutation, transposition, and substitution ciphers are the most common ciphers used to turn plaintext into ciphertext (see types of ciphers below). Here’s an example of the Caesar substitution cipher in action, with an alphabetical shift of 1. Plaintext: London Bridge is burning Ciphertext: Mpoepo Csjehf jt cvsojoh Why is ciphertext used? In cryptography, ciphertext is used to protect data and confidential information from being read by hackers or anyone else with bad intentions. The result is encrypted data. Signal encrypts your messages so they can’t be read by Signal employees or adversaries. Your medical records are encrypted on hospital servers, and your online banking is secured with TLS encryption – that’s what the green padlock means next to the URL (see use cases below). Encrypted data (ciphertext) can only be turned back into readable (plaintext) data with a decryption key. Two types of keys exist in public-key encryption (or asymmetric encryption): a public key and a private key. A public key can only encode the data and a private key can only decode it. The difference between ciphertext and encryption A cipher is an algorithm or process used to encrypt data, like AES, RSA, and DES. Encryption is the process of converting that data using a cipher. Types of ciphers Here we discuss the two main categories of ciphers and four other types of ciphers. Block ciphers and stream ciphers Ciphers fit into two categories: Block ciphers and stream ciphers. - Block ciphers encrypt blocks of data that are a fixed size and measured in bits, like AES, DES, and 3DES. - Stream ciphers encrypt continuous streams of data, like ChaCha, RC4, A5/1, A5/2, Chameleon, FISH, and Salsa20. Example of a stream cipher A stream cipher encrypts plaintext messages by applying an encryption algorithm with a pseudorandom cipher digit stream (keystream). Each bit of the message is encrypted piece by piece with the keystream digit. Where are stream ciphers used? Stream ciphers are used anywhere where speed and simplicity are needed. They’re often used in secure wireless connections like TLS, where plaintext is recieved in continuous unknowable lengths. Example of a block cipher A block cipher encrypts blocks of data with a symmetric key, as opposed to stream ciphers that encrypt bit by bit. AES encrypts bit blocks with predetermined key lengths like AES-128, 192, or 256 bits. Ciphers that use longer keys, measured in bits, take longer to crack and are more resistant to brute-force attacks. Where are block ciphers used? Block cipher encryption like AES encryption is one of the most secure encryption types as the recipient must possess keys to decrypt the message. Commonly used by governments and virtual private network companies, block cipher encryption is great for securing classified information either in storage or in transit on a network. Polygraphic, permutation, transposition, and substitution ciphers Polygraphic ciphers work by dividing plaintext data into parts and replacing each group with a word, a single character, a number, a symbol, or any other group of characters. A common technique is to assign several predefined words or numbers to popular words or phrases. Methods like these have been used in Europe for centuries. For example, diplomats used codenames to encode important institutions, places, and names of important people in communications. Permutation ciphers rearrange a linear set or number of things into a different order or sequence. For example, “Monday, Tuesday, Wednesday” could become, “Tuesday, Wednesday, Monday.” Permutation ciphers are used when the order of the arrangements matters. They’re also often classified under transposition ciphers. Transposition ciphers take units of plaintext data and shift them according to a regular system. In the end, you get a permutation of the plaintext. A simple example of a transposition cipher would be to reverse the order of the letters in the plaintext or to reverse the letters of each word, but not the order in which the words are written. Substitution ciphers replace characters in the original text with different letters, numbers, or other characters. A simple example of a substitution cipher is where each letter of the alphabet is represented by a number, like 1 for A and 2 for B. Attacking a cipher is an ambitious move because hackers will often try to recover the key in use rather than simply expose the plaintext of a single ciphertext. AES cipher encryption, for example, has never been cracked, but that doesn’t mean hackers won’t try. There are two approaches to attacking a cipher: cryptanalysis and brute-force attack. Cryptanalysis is the method used to try to read the contents of encrypted messages. Cryptanalysts will look for weaknesses in systems to breach cryptographic security systems and reveal the contents of encrypted messages even if the cryptographic key is unknown. In a brute-force attack, millions of combinations per minute are tried in attempts to crack a code. Ciphers that use longer keys, like AES-192 or AES-256-bit key length, are more effective against brute-force attacks because the longer the key length, the more attempts are needed to expose the plaintext. That’s part of the reason why NordVPN uses AES-256-bit encryption to secure the traffic of millions of customers worldwide. A key length of 256 means that our encryption has 2,256 possible key combinations (a number 78 digits long) and would take billions of years to crack with today’s computers. Want to read more like this? Get the latest news and tips from NordVPN.
s3://commoncrawl/crawl-data/CC-MAIN-2024-18/segments/1712296817670.11/warc/CC-MAIN-20240420153103-20240420183103-00895.warc.gz
CC-MAIN-2024-18
6,277
48
https://chartio.com/docs/data-pipeline/faqs/compare-time-periods/
code
Compare time periods in Data Explorer Chartio gives users the ability to easily compare one period of time to a relative previous period of time, for example, week-over-week, month-over-month, year-over-year, etc. There are a variety of ways to visualize this through Chartio, but begin by creating a table that compares one month’s data to the previous month’s data as a basic starting point. For this example, we’ll use the Dundersign Demo Data data source to compare this month’s invoice amounts to last month’s invoice amounts. Create a month-over-month (MoM) table by opening the Invoice table and dragging Amount into the Measures field and Created Date into the Dimensions field. Keep Amount’s Aggregation as Total sum of and change Payment Date’s Time Bucket to Month of. Click +Add Transformation and select Add Column. Name the column Previous Month(or something else to indicate that it’s the invoice amount from last month). Select Lag as the Formula Type; this copies the values from one column into a new column but shifts the rows down based on the Row Offset number, which will be 1 for this example. Select Total sum of Amount for the Input Column. This table now has two columns that compare the current month’s invoice amount to the previous month’s. There are many ways to visualize this data in Chartio, but in this example, we’ll choose a Single Value chart to show us the difference between this month’s invoice amount and last month’s. Add a Limit Rows step in the Pipeline to filter on just a single row of data. We’ll focus on the second row since it has values in both the current month and previous month. Enter 1for both the Limit and the Offset. Add a Combine Columns step to get the difference between this month’s and the previous month’s values. Select Hide Combined Columns to hide the columns used in the subtraction. Add a Hide Columns step to hide the Month of Created Date column. Now choose the Single Value chart type. This now displays the difference in invoice amount between the current month and the previous month and will update each month. Name the chart something like MoM Difference in Invoice Amount. Click Settings and type $in the Pre-text field to include units on your number.
s3://commoncrawl/crawl-data/CC-MAIN-2023-23/segments/1685224648850.88/warc/CC-MAIN-20230602172755-20230602202755-00569.warc.gz
CC-MAIN-2023-23
2,262
16
http://ducourseworkvcaw.fieldbee.us/scarcity-choice-and-opportunity-cost.html
code
Scarcity, opportunity costs (opportunity), of your choice to allocative efficiency focuses on answering the basic economic questions of what to. Scarcity and choices levels: as, a making a choice made normally involves a trade-off – this means that choosing more of one the economic cost of water. Scarcity is limitedness which leads to choice making whereby one good or service is chosen which leads to opportunity cost. Lesson-2 scarcity, choice and efficiency slide 1 production possibilities the ppf is used to illustrate concepts such as scarcity and opportunity cost. Extracts from this document introduction 06/10/09 'discuss how ppf theory, choice, scarcity and opportunity cost can be applied to the diagram below' the. Opportunity cost scarcity of resources is one of the more basic concepts of economics scarcity necessitates trade-offs, and trade-offs result in an opportunity cost. Scarcity and production possibilities economics 120: bilities curve to illustrate the concepts of scarcity, choice, opportunity cost, and economic growth. Why is it important to teach students about opportunity cost, scarcity, and choice in the k-12 classroom these concepts can be thought of as the core of capable. How are scarcity, choice and opportunity cost related explain how scarcity, choice and opportunity cost are related answers scarcity refers to as less than. An indispensable website for cambridge, cie, igcse, gcse, a level,ib, ap, edexcel, business studies, economics, accounting and igcse ict , igcse past papers, revision. Economics 101 scarcity, choice & opportunity cost limited resources, unlimited wants opportunity costs - maximise utility marginal principle production possibility curve. Notes originally from chapter 1 11scarcity, choice, opportunity cost. Chapter 2-scarcity, choice and opportunity costpdf uploaded 2-5 1-5 and opportunity cost scarcity and choice in a one-person economy • nearly all the. Scarcity, choice, opportunity cost why successful women tend to postpone marriage plans. Scarcity, choice, opportunity cost, inevitability of choices, the basic economic questions & the production time periods. The best videos and questions to learn about scarcity, choice, and opportunity costs get smarter on socratic. How is opportunity cost related to scarcity would you make any choice where the opportunity cost of your time was higher than the good or service you chose. The problem of choice the problem of scarcity: scarcity and choice as economic problems (with diagram) (roads) is called the opportunity cost. Scarcity, opportunity cost and the ppc jason welker loading scarcity, choice, opportunity cost why successful women tend to postpone marriage plans. An economic reality scarcity ==choice ==opportunity costs economic resources: land, labor, capital, entrepreneurial skills economic resources are limited in supply. Answer to explain the relationship between scarcity, choice and opportunity cost a well-structured answer will include. How do you decide what to produce or trade how can you maximize happiness in a world of scarcity what are you giving up when you choose something (ie, opportunity. Because of scarcity, every choice involves a trade-off scarcity, opportunity cost, and trade 5 opportunity cost: cost of best alternative given up. Use the ppc curve to illustrate scarcity,choice inefficiency and opportunity cost. Illustrate the concepts of trade offs and opportunity cost economic concepts like scarcity, choice, cost the foundation for teaching economics. Opportunity cost includes more than just the monetary cost what is an opportunity cost macroeconomics basic economic concepts scarcity, choice, and opportunity. The basic economic problem: scarcity and choice the basic economic problem is about scarcity and choice every choice involves opportunity costs.
s3://commoncrawl/crawl-data/CC-MAIN-2018-30/segments/1531676593378.85/warc/CC-MAIN-20180722155052-20180722175052-00233.warc.gz
CC-MAIN-2018-30
3,832
7
https://www.experts-exchange.com/questions/20180919/floating-point-precision-in-an-HTML-text-field.html
code
At this URL I need the price field to always show two decimal points precision. As it is now, two decimal points are shown only when the page loads, because I have initialized the price field to 150.00. Play with the fields and controls and you will see that the fractional part goes away. All of the floating point values that I use in the script have two decimal places, even 0.00. How do I maintain two decimal places in the price field?
s3://commoncrawl/crawl-data/CC-MAIN-2018-09/segments/1518891812579.21/warc/CC-MAIN-20180219091902-20180219111902-00063.warc.gz
CC-MAIN-2018-09
440
2
https://docs.cloud.ruckuswireless.com/LTE/GUID-E2797379-C919-4FB4-9AB0-CB42DCD6BE00.html
code
Exporting Events to a CSV File Beginning with the Ruckus LTE 2019.02 release, you can export the list of events in your account to a .csv file. From the side bar menu, click The Events page appears and displays the 50 most recent events that have occurred in your AP Management account. If the AP Management has recorded more than 50 events, the right-bottom area of the page displays left (<) and right (>) arrows that you can click to view older events.The Export to CSV option is available in all Events pages such as tenant, venue, network, and AP levels. In the upper-right corner, click Export to CSV. The Exporting Events dialog appears and the list of events are downloaded as a .csv file (for example, Events_25_11_2019_13-40.csv) in the default download directory of your systems. You can open and review the .csv file using Microsoft Excel.Note: You can view and export a maximum number of 10,000 records from the current page on the portal. The portal displays the events ordered by the event date and time. If the number of records exceed 10,000, contact the Ruckus Support team.
s3://commoncrawl/crawl-data/CC-MAIN-2022-33/segments/1659882571847.45/warc/CC-MAIN-20220812230927-20220813020927-00018.warc.gz
CC-MAIN-2022-33
1,092
7
https://www.spigotmc.org/resources/timocloud-the-most-intelligent-cloud-system.53757/update?update=378882
code
After one year of beta testing, TimoCloud version 6 is finally being released! It contains tons of changes, here are the most important ones: The general structure & configuration stays the same, so upgrading is quite easy. Check out the Wiki. For questions, please join our Discord channel. - Way more efficient: The internal communication has been revised a lot to improve performance greatly. - Extended API: Async API methods have been added to offer all features that are available via command (e.g. creating & editing groups, accessing server & proxy log files) via API. - Improved security: TimoCloud now uses RSA & AES encryption for all internal communication between Core, Base, servers & proxies. - Many bugs fixed - Easier setup The existing API methods generally stay the same. However, many of the classes have been converted into interfaces, so you will have to compile your code again against the new API (version 6.2.0). Have a happy new year!
s3://commoncrawl/crawl-data/CC-MAIN-2021-31/segments/1627046152156.49/warc/CC-MAIN-20210726215020-20210727005020-00232.warc.gz
CC-MAIN-2021-31
960
10
https://www.howtoforge.com/community/threads/aliasdomains-nginx.84937/
code
Hello, I have problems with some alias domains in ispconfig. After migrating a website (parentsite) the same configuration for the aliasdomains doesn't work any more and I don't know why? In any case just the default page for nginx is shown. My configuration looks like this for all alias domains: Redirect type: last Redirect Path: [scheme]://parentsite.tld/ Auto-Subdomain: www ...Let's Encrypt: 1 And I didn't mix * and ip !!! System details: Debian 10 mulitserver Thanks in advance!
s3://commoncrawl/crawl-data/CC-MAIN-2021-31/segments/1627046152085.13/warc/CC-MAIN-20210805224801-20210806014801-00635.warc.gz
CC-MAIN-2021-31
486
1
https://www.couchsurfing.org/n/threads/san-francisco-california-united-states-anyone-attending-the-conference-this-year-at-mark-hopkins-hotel-my-first-time-and-would-love-to-meet-some-people
code
It looks like you're posting an email address or phone number. To protect your privacy, don't post any personal contact information here. 1 post by 1 person Geek. Quiet. Kind and considerate. Graduate from UW. Love outdoor activities (hiking mainly). Love to eat good food, but not expensive food. Love to listen to Chinese, Korean, French, and Japanese ......
s3://commoncrawl/crawl-data/CC-MAIN-2014-23/segments/1404776429391.31/warc/CC-MAIN-20140707234029-00072-ip-10-180-212-248.ec2.internal.warc.gz
CC-MAIN-2014-23
360
3
https://linuxchatter.com/news/seahorse-manage-your-passwords-encryption-keys-in-linux/
code
Brief A simple open-source password and encryption key manager app let8217s explore what it has to offer and how you can get it installed. We often tend to ignore many defaultpre-installed applications especially when numerous tools and utilities are baked in. One such helpful tool that you can use on various Linux distributions is GNOME8217s Seahorse. Primarily Seahorse is an application that comes pre-installed with GNOME desktop and tailored for the same. However you can use it on just about any Linux distribution of your choice. It is a simple and effective utility to manage your passwords and encryption keys keyring locally. You might want to read about the concept of keyring in Linux if it8217s a first for you. If you are not a fan of cloud-based password managers Seahorse can be a great solution to your requirements. Even though it looks straightforward there are a few essential features that you may find useful. .
s3://commoncrawl/crawl-data/CC-MAIN-2021-43/segments/1634323585321.65/warc/CC-MAIN-20211020121220-20211020151220-00323.warc.gz
CC-MAIN-2021-43
935
7
http://cw.routledge.com/textbooks/languageinuse/cbk-gricean.asp
code
Introducing Language in Use: a Coursebook In each of the following, think of an appropriate utterance for B so that B's reply conveys the indicated message to A without explicitly stating it: - A: Meet me at Piccadilly Circus at midnight. Intended message: Piccadilly Circus is not a safe place to be at midnight - A: How much do I owe you? Intended message: A's debt is rather large - A: Let's try that new German restaurant in town. Intended message: I'd rather go somewhere else because German restaurants are unlikely to serve an interesting variety of vegetarian food - A: Would you like a piece of chocolate? Intended message: I would very much indeed like a piece of chocolate Think of four more examples like these.
s3://commoncrawl/crawl-data/CC-MAIN-2017-09/segments/1487501170186.50/warc/CC-MAIN-20170219104610-00553-ip-10-171-10-108.ec2.internal.warc.gz
CC-MAIN-2017-09
723
11
http://digitalillusion.altervista.org/wordpress/category/programming/
code
I recently bought an Android phone and now I wish to develop some mobile apps. This is why I took a look at Flex technology and discovered with disappoint that Adobe is 1) selling their IDE at a very high cost 2) not supporting Linux anymore. In any case, being FlashBuilder based on Eclipse Platform, it's possible to run its plugins on a clean eclipse installation. The only unavoidable limitation is the usage of Adobe AIR 2.6, the last release for Linux systems. Merging the Flex SDK with Adobe AIR Although any Flex SDK can be used in FlashBuilder-Eclipse, it's recommended to use version 4.5.1 that at the time of writing is the only one that features the Design Mode (EDIT: it seems there is no way to make Design Mode functional. The closest environment is this web tool: http://designview.sourceforge.net/). Flex SDK can be obtained at http://opensource.adobe.com/wiki/display/flexsdk/Flex+SDK, while Adobe AIR 2.6 for Linux should remain available at the following link: http://airdownload.adobe.com/air/lin/download/2.6/AdobeAIRSDK.tbz2. It's afterward necessary to copy AIR runtimes/ to SDK runtimes/ and substitute SDK bin/adl with AIR bin/adl Install FlashBuilder over Eclipse First, download a new Eclipse and install it somewhere, for instance in /usr/share/flashbuilder and optionally rename the eclipse executable to flashbuilder. Then, follow instructions at http://code.google.com/p/fb4linux/wiki/HowToInstall to install the port of the Adobe Flash Builder 4.5 to Linux. Actually to me it was impossible to use the Eclipse p2 updater and I simply dragged the features/ and plugins/ directories from the downloaded archive over the Eclipse folder. From now on, it will be possible to update the IDE (including module updates from Adobe) using the p2 updater. A few problems arose at this time; this is an alpha software in any case. 1) Resolve PermGen space errors during execution and updates FlashBuilder requires much more memory than eclipse, run it with command line parameters -vmargs -Xms768m -Xmx1024m -XX:PermSize=512m -XX:MaxPermSize=512m to be sure it doesn't run out of memory. Those parameters could also be set directly in the eclipse.ini file 2) Sporadic crashes (for instance when choosing an external web browser): Investigating the crash dump revealed the xulrunner library was the cause of this issue. Further googling helped to find the solution : add the -Dorg.eclipse.swt.browser.XULRunnerPath=/usr/lib/xulrunner-2/libxul.so parameter, to the command line execution, too. To complete the integration with the desktop environment (Gnome Shell) I performed the steps that follows. Attached to this post, a zip file containing a Flash Builder icon and a splash screen: flashbuilder-eyecandy.zip 1) Make flashbuilder a permanent entry to the dock Create a new file /usr/share/applications/flashbuilder.desktop with the following content, so that when FlashBuilder-Eclipse is run for the first time it will be possible to add it as favorite:[Desktop Entry] Name=Flash Builder GenericName=Adobe Flash Builder Comment=Eclipse IDE modified in order to use Adobe Flash Builder plugins Exec=/usr/share/flashbuilder/flashbuilder -vmargs -Xms768m -Xmx1024m -XX:PermSize=512m -XX:MaxPermSize=512m -Dorg.eclipse.swt.browser.XULRunnerPath=/usr/lib/xulrunner-2/libxul.so Icon=flashbuilder Terminal=false Type=Application Categories=Development;IDE;Flex; Note that the definition searches for a flashbuilder.* icon in the /usr/share/icons/ folder. 2) Change FlashBuilder-Eclipse splash screen Follows the steps reported here to change the Eclipse default splash screen
s3://commoncrawl/crawl-data/CC-MAIN-2017-17/segments/1492917119838.12/warc/CC-MAIN-20170423031159-00074-ip-10-145-167-34.ec2.internal.warc.gz
CC-MAIN-2017-17
3,595
17
http://ninme.com/archives/2014/10/no_godzilla_jokes_were_made_in_the_making_of_this_flood_defense_video.html
code
This is so cool (and omg I wouldn’t spend too much time standing in those tunnels): Fifty metres beneath the teeming megacity of Tokyo is an underworld river system – 6.4km of tunnels, colossal water tanks, massive pillars, giant pumps that remove 200 tonnes of floodwater every second. It’s an engineering marvel built to protect Tokyo against the increasing threat of flooding. You can download the video here, in case that link breaks later (although then I suppose this link would, too). (Isn’t it nice how the Australians let the Japanese speak, rather than dub over them?)
s3://commoncrawl/crawl-data/CC-MAIN-2017-17/segments/1492917118851.8/warc/CC-MAIN-20170423031158-00429-ip-10-145-167-34.ec2.internal.warc.gz
CC-MAIN-2017-17
586
4
http://wiki.maxthon.com/index.php/Maxthon_3_-_Mute_button
code
Maxthon 3 - Mute button From Maxthon Wiki Status bar, at the bottom right corner. To mute the browser just click on it. The button then changes to . This mean that you will hear no sounds from Maxthon 3 from now on. To enable sounds, click again on the Mute button.
s3://commoncrawl/crawl-data/CC-MAIN-2018-51/segments/1544376828697.80/warc/CC-MAIN-20181217161704-20181217183704-00365.warc.gz
CC-MAIN-2018-51
265
5
https://lgdb.org/game/jclassicrpg?page=1
code
Java Classic Role Playing Game is a role playing game with an intent to bring back the old time RPG's like Wizardry 7 or Bard's Tale with a grain of 'innovation' salt in it. It features a first person view, 6 direction classic movement system in an OpenGL 3D environment. Its world is setup with algorithm based generation - its geography, ecology, population is generated with a random seed when starting a new game. Ecology and population is planned to be dynamic and interrelated to give a living and surprising experiment. Strongly skill and attribute based, turn based combat/social interaction, player commanding a party (up to 6 characters). With intention of following and modifying tradition of games like Wizardry 7, Bard's Tale, Dune 1.
s3://commoncrawl/crawl-data/CC-MAIN-2018-26/segments/1529267864958.91/warc/CC-MAIN-20180623113131-20180623133131-00366.warc.gz
CC-MAIN-2018-26
747
1
https://www.sportbikeworld.com/forums/256-redline-superbike/59224-new-guy.html
code
I found this forum looking for some local folks to ride with, and have been lurking for a while, so I thought I'd formally introduce myself. My name is Steve, and I've been riding streetbikes for two years and dirtbikes most of my life. I currently own an '06 Raven YZF 600R and an '01 KX250. Hope to get out and ride with ya'll sometime! Last edited by YZF Steve; 06-25-2006 at 10:02 PM.
s3://commoncrawl/crawl-data/CC-MAIN-2019-47/segments/1573496666229.84/warc/CC-MAIN-20191113063049-20191113091049-00242.warc.gz
CC-MAIN-2019-47
388
3
https://www.research.ed.ac.uk/en/publications/bi-directional-syntactic-priming-across-cognitive-domains-from-ar
code
Abstract / Description of output Scheepers et al. (2011) showed that the structure of a correctly solved mathematical equation affects how people subsequently complete sentences containing high vs. low relative-clause attachment ambiguities. Here we investigated whether such effects generalise to different structures and tasks, and importantly, whether they also hold in the reverse direction (i.e., from linguistic to mathematical processing). In a questionnaire-based experiment, participants had to solve structurally left- or right-branching equations (e.g., 5 × 2 + 7 versus 5 + 2 × 7) and to provide sensicality ratings for structurally left- or right-branching adjective-noun-noun compounds (e.g., alien monster movie versus lengthy monster movie). In the first version of the experiment, the equations were used as primes and the linguistic expressions as targets (investigating structural priming from maths to language). In the second version, the order was reversed (language-to-maths priming). Both versions of the experiment showed clear structural priming effects, conceptually replicating and extending the findings from Scheepers et al. (2011). Most crucially, the observed bi-directionality of cross-domain structural priming strongly supports the notion of shared syntactic representations (or recursive procedures to generate and parse them) between arithmetic and language. FingerprintDive into the research topics of 'Bi-directional syntactic priming across cognitive domains: From arithmetic to language and back'. Together they form a unique fingerprint. Person: Academic: Research Active
s3://commoncrawl/crawl-data/CC-MAIN-2023-50/segments/1700679099514.72/warc/CC-MAIN-20231128115347-20231128145347-00126.warc.gz
CC-MAIN-2023-50
1,615
4
https://intellij-support.jetbrains.com/hc/en-us/community/posts/205812039-Wrong-path-with-new-release
code
I really don't know what's going on with the latest release of PyCharm. I come back to my Django project after working on it the last time in September, and now the path-setting to my django project (which I had to set up again) is screwed up. Well, okay my directory-structure is like this, (and always has been): So, I set up my Django settings like you see in the image. The settings immediately acknowledge that there is a manage.py, and everything should be fine. Except that nothing works really. When I want to start the server I get (just the beginning and end of the output): Traceback (most recent call last): File "/Applications/PyCharm.app/helpers/pycharm/django_manage.py", line 21, in <module> raise ImportError("Could not import settings '%s' (Is it on sys.path?): %s" % (self.SETTINGS_MODULE, e)) ImportError: Could not import settings 'src.p4rsrv.settings' (Is it on sys.path?): No module named src.p4rsrv.settings So, evidently the wrong manage.py is executed. This drives me crazy, I changed the Django settings a hundred times and do not know what's the problem here. Please help me. On a side note: It really annoys me that I have to go through all this setup stuff again because of a new release of PyCharm.
s3://commoncrawl/crawl-data/CC-MAIN-2021-17/segments/1618038059348.9/warc/CC-MAIN-20210410210053-20210411000053-00298.warc.gz
CC-MAIN-2021-17
1,229
10
https://community.magento.com/t5/Magento-2-x-Technical-Issues/Unable-to-reopen-an-issue/td-p/79685
code
If you don't have a reopen button at the bottom of the page, then you must not have permission to reopen it. I would give them some time to have seen your comment. If they don't respond, and you believe there's still an issue, then create a new issue referencing the old would be a reasonable step after a little while. ---- If you've found one of my answers useful, please give "Kudos" or "Accept as Solution" as appropriate. Thanks!
s3://commoncrawl/crawl-data/CC-MAIN-2023-40/segments/1695233511361.38/warc/CC-MAIN-20231004052258-20231004082258-00610.warc.gz
CC-MAIN-2023-40
434
2
https://www.mpgh.net/forum/594-call-duty-modern-warfare-3-private-server-hacks/519958-no-recoil-server-control-iw5m.html
code
I have a question , does anyone have a working no-recoil / + wallhack for iw5m? I mean like , not a bones but with squares around them? And i looked for alot of no-recoils but the AR doesn't work on iw5 either? Help me please? Second question is : Is it possible to make iw5m have server control? Like let's say you're on an infected server and it hits on underground but you want dome , and you use the program to map mp_dome , could it work?
s3://commoncrawl/crawl-data/CC-MAIN-2017-39/segments/1505818686117.24/warc/CC-MAIN-20170920014637-20170920034637-00160.warc.gz
CC-MAIN-2017-39
443
3
https://blog.crisp.se/tag/performance
code
Help your team improve by visualizing their way working with the fluent@agile game. With the game you can help a team find out where it is on its agile journey and help it find new ways of both fine tuning and make leaps in their daily agile practices. Me and Christian Vikström made the game together at Spotify during the spring 2014 when we were coaching and helping team to improve their agile skill sets and processes. At Spotify the teams owns their own way of working. A team is basically only accountable to itself. We therefore needed an coaching tool that could help team take ownership of their self image and improvement strategy. We also wanted the tool to be opinionated. It should be normative, tell what’s good and not, what kind of practices and behaviour that’s expected and not. But at the same time it should be open to new ideas, new practices and the teams local conditions.
s3://commoncrawl/crawl-data/CC-MAIN-2024-18/segments/1712296817081.52/warc/CC-MAIN-20240416093441-20240416123441-00121.warc.gz
CC-MAIN-2024-18
901
4
https://www.vn.freelancer.com/projects/internet-marketing-seo/indian-facebook-likes.1644330/
code
I want 1000 INDIAN Facebook Likes of my page. Page has already 2000+ Fans, but most of them are non-Indian. If you can provide INDIAN Fans then only you bid project. link of my page is : [login to view URL] 13 freelancer đang chào giá trung bình $37 cho công việc này sir, per day how money like would you like to get for your page? I can give you per day about 500 like from real Indian Facebook accounts. If you accept me, than i wanna start form now... Hello,We have a team of Facebook experts which completed more then 1000 projects and provided excellent result. Please check inbox for detail. Thanks
s3://commoncrawl/crawl-data/CC-MAIN-2018-30/segments/1531676589710.17/warc/CC-MAIN-20180717105812-20180717125812-00449.warc.gz
CC-MAIN-2018-30
613
8
https://yescrowd.optus.com.au/t5/My-Account/Live-chat-not-working-at-all-Mac-Chrome-or-Safari/m-p/367506
code
Honestly, from this link http://www.optus.com.au/shop/notices/service-chat none of the live chat options actually work anymore - they used to open up a chat window and now they do nothing. The phone has a 30+ minute wait.. great work Optus!! Can anyone get me a link that *actually* works and doesn't redirect you 3 million times around the optus website? It absolutely drives me CRAZY when the systems goes down, or there is some kind of problem with the network. and they tell us NOTHING. I'm going through diffrent forums and clickng on 5000 different web pages, chaging settings, trying to work out whats going on, all because Optus can't give us the uncommon courtesy to let us know someone or something has failed or made a mistake. My apologies that this isn't a solution (I'm still working on that) Also my mobile hotpot has decided to stop working. or Optus may of just cut me off because they have control over that sort of thing. That's not good to hear @miketantouri 😞 Which team are you clicking on when you try to chat but get this issue? Have you tried www.optus.com.au/livechat to see if this works? Can you please confirm which browser you're using this in? When you select Billing & General Support do you get an error message or does the pop up appear and go no where?
s3://commoncrawl/crawl-data/CC-MAIN-2020-34/segments/1596439739177.25/warc/CC-MAIN-20200814040920-20200814070920-00418.warc.gz
CC-MAIN-2020-34
1,290
10
https://nanohub.org/tools/hares/wiki/ToolInformation
code
Who should be credited with contributing this tool? Who worked on it? Please list all of the authors for this work, in order of importance from top to bottom: |Contributor Name||nanoHUB login or other contact information| |Jane Researcher||Some University| NOTE: You can supply more details about the contributions these people made and other acknowledgements in the Credits section below. At a Glance HARES: Highperformance fortran Adaptive grid Real space Electronic Structure HARES calculates atomic level electronic structure, within density functional theory, of crystals and small molecules using a real space, adaptive grid. HARES is an ab initio electronic structure code based on density functional theory (DFT). In comparison with other types of DFT codes, it’s principal distinction is that, using a delta function basis, that is, discretizing the Hamiltonian on a real-space mesh, the system can be naturally subdivided and cast onto parallel processors. The amount of inter-processor communication is then limited to border cells, which are needed for computing the Laplacian, and various sorts of integrations which require access to functions defined throughout the whole simulation domain. HARES is made even more efficient by employing an adaptive grid in real space for representation of the eigenfunctions, with points distributed according to the electro-negativity of the ions. The adaptive grid can be mapped onto a regular grid in (generally) curvilinear coordinates through the proper definition of a metric. Finally, due to the real-space basis of the problem, the Hamiltonian is naturally sparse (7-diagonal) and iterative methods for determining eigenvalues can be used. HARES is written in High Performance Fortran, which is a version of fortran based on Fortran 90 but including structures for easy parallel coding. The input consists of information describing the location of the ions (and library files containing the pseudo-potentials of each), specification of the unit cell size and geometry, and various other switches for tuning the efficiency or specifying the desired output, etc. Are there any related seminars, tutorials, homework assignments, or other items on nanoHUB? Any other books or references that help explain the theory? If so, list them here: - Chapter 7 in Important Book by Joe Programmer, Addison-Wesley, 2005. Is your tool built on top of some other well-known simulator or engine? If so, then credit that simulator here: Powered by Other Tool developed at Some University. For more details, see http://someuniversity.com/othertool Was your tool built by a large team of people? Then describe their roles here: |Joe Programmer, Jane Researcher||Core engine| |Bob Helper||GUI development| Was this work funded by a grant? Give thanks here: This work was funded by the Society of Deep Pockets (SDP) and the Network for Huge Projects (NHP). How would you like people to cite this work? Here's a suggestion: If you are using the tool for any publication, we request that you cite: - "My Paper," Joe Programmer, Jane Researcher, Extra Special Journal Volume 3, No. 5 pp 123-456 (2006). - Simulations were performed by HARES on http://nanohub.org
s3://commoncrawl/crawl-data/CC-MAIN-2014-10/segments/1394011250185/warc/CC-MAIN-20140305092050-00009-ip-10-183-142-35.ec2.internal.warc.gz
CC-MAIN-2014-10
3,197
23
https://tracker.moodle.org/browse/MDL-25666
code
SCORM activities set to open in the same window are displayed in a small unusable iframe that loads in the bottom left of the screen. The same result occurs regardless of the dimension settings applied on the edit SCORM activity page. To reproduce upload any SCORM package as an activity in any course using Moodle 1.9.x. Be sure that "Display Package" is set to "Current Window". I tracked this down to some small changes that are needed in mod/scorm/player.php and mod/scorm/rd.js. I've attached my version of these files with the changes comments as #scorm fix on line 285 of player.php and //scorm fix on line 80 of rd.js. You can also read my comments on this thread http://moodle.org/mod/forum/discuss.php?d=112909. I've tested the attached fix in IE8, Chrome and Firefox 3.6.12 browsers. I've also tested with the darkb, standard and funky_black themes. In all cases the iframe adjusts to the height and width specified, even on the smaller width of the funky_black theme the scorm module displayed the size specified. Some additional thoughts - I've not tested it with a long table of contents. You will see a line commented out that sets the height of the TOC div. This is because some themes (darkb) don't respect the toc "on the left" position setting resulting in the SCORM iframe being push down the page equal to its height. I found commenting that out is better than leaving it but I'm unable to test it with a long TOC since all of my SCORM packages publish from Captivate with only one SCORM TOC menu item. I think this is a limitation of Captivate.
s3://commoncrawl/crawl-data/CC-MAIN-2021-43/segments/1634323585439.59/warc/CC-MAIN-20211021164535-20211021194535-00393.warc.gz
CC-MAIN-2021-43
1,566
4
https://www.akimeh.com/
code
I am Ankit and welcome to my blog! In this blog I will write about almost everything and anything under (and, maybe above) this beautiful ether. The topics might range from technology, history, philosophy, literature and travel and tourism. I will keep sharing some thoughts, tips, tricks, suggestions and opinions on these topics which might help some or maybe all of you – my awesome and wonderful readers. I would also love to hear your thoughts, tips, tricks, suggestions and opinions and therefore, please feel free to leave a comment on my posts or contact me and let’s have a chat. Meanwhile, once again, welcome and enjoy! I hope you like my blog.
s3://commoncrawl/crawl-data/CC-MAIN-2019-04/segments/1547583700012.70/warc/CC-MAIN-20190120042010-20190120064010-00132.warc.gz
CC-MAIN-2019-04
659
1
http://www.tomshardware.com/forum/274331-30-memory-problem-computer-problem
code
Memory problem now a can't use my computer problem okay, so i've always felt like my build was a bit unstable. occasional lock ups, but no blue screens etc. never had much lock using over the air hd signal for long before lock up for example. can game for hours at lan parties etc. recently lock ups seem to be coming more frequently and not necessarily under load. so gpu isn't overheating, haven't found a way to monitor cpu heat yet, but i don't think it's that. did memtest86+ 4.1 and ram wouldn't pass no matter what on the first pass through. advice was to try one stick at a time. did that this morning and got one stick to pass all of the way through. tried the other stick and couldn't get a signal to the monitor with it. now i can't seem to get a signal to the monitor no matter what. not with the stick that worked, not with both in 2 and 3 like they were before or in 0 and 1 or with a single in 0 or anything. Sorry i was thinking it was part of my post like it is on other forums. EVGA gtx 280 ftw / EVGA 790i ultra mb / q9450 yorkfield cpu / ocz platinum 2x2gb 12800 ram / zalman 1000w psu / velociraptor hd / pioneer blue-ray/dvd/cd drive / zalman 9500 hs/fan it would appear that dimm 0 doesn't work at all. working in 2 and 3 as they sticks were before. after running both through memtest86+ 4.1 for and hour or two each, they are both coming back with errors. where does that leave me? i dont know whether your problem has been solved. But if you think that one of your ram modules are creating problems,then first remove all the ram sticks. Try inserting one module only at first slot.Memtest, BurnInTest(passmark software) are good softwares to check your ram.try testing for half an hour,if errrors are detected try removing the same stick and insering in the next slot and boot the computer and test the ram module.Still if there is any errors shown then chances are that the module is faulty. Repeat the same procedure with the other module. If no errors are detected i would recommend only using the fully working ram module only. I think still you will be able to use almost many applications without big performance losses. i think that removing a faulty ram module and using the good one will remove all lockups or any restarts. (actually i had a similar problem with my pc too and i am using only one of my ram sticks) Let me know whether you problem is solved or whether something else is the problem. both sticks failed to make even a single pass through memtest without erros, so they are rma'd. should arrive at ocz tomorrow and i'm hoping they can get them back to me before 6/5 so that i have a computer for a big sins of a solar empire lan party. as soon as they arrive, i'll start shoving memtest at them again and see how they work brand new from ocz again. i guess if they still can't pass memtest, maybe there's something wrong with my board?
s3://commoncrawl/crawl-data/CC-MAIN-2017-47/segments/1510934806309.83/warc/CC-MAIN-20171121002016-20171121022016-00041.warc.gz
CC-MAIN-2017-47
2,883
20
http://www.linuxquestions.org/questions/linux-server-73/openldap-error-can't-find-slapd-conf-721784/
code
Originally Posted by billymayday Please don't bump posts - the system will do this itself, and you'll simply get a lot of members offside doing so. Can you show ls -l /etc/ldap Sorry for the bump. Some forums don't care and other do. I get mixed up on which. andrew@server:~$ ls -l /etc/ldap -rw-r--r-- 1 root root 245 2008-08-05 16:21 ldap.conf drwxr-xr-x 2 root root 4096 2008-08-05 16:21 sasl2 drwxr-xr-x 2 root root 4096 2009-04-23 05:06 schema -rw-r----- 1 root openldap 4744 2009-04-23 05:25 slapd.conf andrew@server:~$ cat /etc/default/slapd # Default location of the slapd.conf file. If empty, use the compiled-in # default (/etc/ldap/slapd.conf). If using the cn=config backend to store # configuration in LDIF, set this variable to the directory containing the # cn=config data. # System account to run the slapd server under. If empty the server # will run as root. # System group to run the slapd server under. If empty the server will # run in the primary group of its user. # Path to the pid file of the slapd server. If not set the init.d script # will try to figure it out from $SLAPD_CONF (/etc/ldap/slapd.conf by # slapd normally serves ldap only on all TCP-ports 389. slapd can also # service requests on TCP-port 636 (ldaps) and requests via unix # Example usage: # SLAPD_SERVICES="ldap://127.0.0.1:389/ ldaps:/// ldapi:///" # If SLAPD_NO_START is set, the init script will not start or restart # slapd (but stop will still work). Uncomment this if you are # starting slapd via some other means or if you don't want slapd normally # started at boot. # If SLAPD_SENTINEL_FILE is set to path to a file and that file exists, # the init script will not start or restart slapd (but stop will still # work). Use this for temporarily disabling startup of slapd (when doing # maintenance, for example, or through a configuration management system) # when you don't want to edit a configuration file. # For Kerberos authentication (via SASL), slapd by default uses the system # keytab file (/etc/krb5.keytab). To use a different keytab file, # uncomment this line and change the path. # Additional options to pass to slapd Thanks for any ideas.
s3://commoncrawl/crawl-data/CC-MAIN-2017-13/segments/1490218189088.29/warc/CC-MAIN-20170322212949-00196-ip-10-233-31-227.ec2.internal.warc.gz
CC-MAIN-2017-13
2,155
39
https://www.oreilly.com/library/view/x-ray-fluorescence-spectrometry/9781606503911/ch3.xhtml
code
3.1 EVALUATION OF X-RAY FLUORESCENCE SPECTRA After the acquisition of an XRF spectra, the spectrum itself is just a data set and not yet a result. It is an iterative process of spectra correction and evaluation that leads to providing the solution to the analytical task from a spectrum, which can be focused on obtaining information on the elements present in the target sample (qualitative analysis) and/or on the quantification of the amount of the elements present in the target sample (quantitative analysis). In Figure 3.1, a brief summary of the different steps involved in spectra evaluation is shown. Figure 3.1. Processes involved in the evaluation of XRF spectra.
s3://commoncrawl/crawl-data/CC-MAIN-2018-51/segments/1544376825728.30/warc/CC-MAIN-20181214114739-20181214140239-00474.warc.gz
CC-MAIN-2018-51
674
3
https://www.riversdaymusic.org/ledger-stax-wallet-app-chrome/
code
Ledger Stax Review – Everything You Need to Know If you’re considering buying an Ledger Stax for your needs there are a few points to consider before you purchase. We will explain everything you need to know, including how to obtain an offer code, and what features are available on this gadget. What exactly is Ledger Stax? The Ledger Stax is a physical wallet that is designed to assist users in managing their digital assets. It is a credit card-shaped device that’s slightly different from earlier versions of the Ledger Hardware wallets. The new model comes with an angled E Ink screen, a magnet system, Bluetooth connectivity, and a lock screen. Ledger Stax Ledger Stax supports more than 5,000 cryptocurrencies, including Litecoin, Dogecoin, Ripple and Cardano. It also comes with NFT (Non-fungible token) support. These are specially designed currency that is able to be kept and traded using a Ledger Stax. The security features of the Ledger Stax are supported by a Secure Element chip, which can be the exact chip found in credit cards and passports. This chip ensures the security of your cryptocurrency assets. safe from hackers. The Ledger Stax comes with Bluetooth that allows it to connect to the Ledger Live Mobile app. Users can also make use of Ledger Stax’s wireless Qi charging function. Furthermore to that, the Ledger Stax has a magnetic system that permits it to be placed together with other similar devices. It also has offline mode, which means that the device will be active even when shut off. The Ledger Stax is a new hardware wallet that was designed to assist you in managing your digital assets. The device offers an unparalleled amount of customization and features a curvaced touchscreen and secure elements. It is compatible with Mac, Windows, and Ubuntu and is able to support more than 500 crypto currencies. Ledger Stax comes with Bluetooth 5.2 as well as a USB-C port, and a 200 mah battery. The device also comes with embedded magnets which allow you to stack several Stax devices together. A crypto wallet, the Ledger Stax lets you safely store as well as manage cryptographic keys. You can even use it as an alternative to a cold storage device which means it is less susceptible to hacking attempts. The device runs a proprietary OS, allowing you to alter it to your needs. It is also possible to set an image or a name for the screen that locks. In addition, Ledger Stax is equipped with a powerful Bluetooth antenna. Ledger Stax Ledger Stax is built to comply with industry-leading security standards. It features an Secure Element chip that is certified to CC EAL5+ requirements. It’s also capable of clear signing, enabling users to confirm the authenticity of their transactions and decrease the chance of phishing attacks. How does it work? Ledger Stax is the latest hardware crypto wallet developed by French start-up Ledger. It has a stylish style, total lock-in of keys, as well as the capacity to store more than 5500 tokens. The device has a touch screen and an E-Ink display which can support up to 500 cryptocurrencies. The battery is also included which can last from weeks to months. You can connect it to a smartphone or laptop via Bluetooth. To enhance the user experience, Ledger has designed a customizable lock screen. In addition it has magnets that are able to bind several devices together. This makes it easy to transport around. To ensure the security of the customers, Ledger uses a secure technology and a chip that is secure, known as the Secure Element. This provides institutional grade security for digital assets. The most significant feature of Ledger is its transparent signature. It lets users verify the details of transactions without compromising their privacy. This helps you avoid scams and attacks of phishing. Ledger has a special feature that lets you see NFTs directly on the device. For example, you can see a QR code, labels, or any image. The Ledger Stax is the newest hardware wallet made by the company that developed the famous Ledger Nano S and Nano X. They are excellent for long-term investments, and are also very easy for carrying around. They are incredibly secure and will protect your personal key. They also have unique security features, such as an offline mode. When you’re offline, you can still access your cryptocurrency by using a built-in magnet. One of the most thrilling features that comes with Ledger Stax is its touchscreen. Ledger Stax is its touchscreen. This curved e-ink display offers more space to read transactions and view NFT collections. It’s also suitable for iOS, Windows, and macOS. It is powered by Bluetooth 5.2 that allows it to join directly to Ledger Live through a phone. It is also possible to set up a pin code for easier access. There’s a specific “Magnet Shell” protective case that you can purchase. For those who live outside within the United States, Ledger products typically are shipped for free. However, you might have to pay taxes on the item based on your location. The Ledger Stax is hardware wallet that is designed to combine the convenience of a physical gadget with the ease of using an electronic display. It is designed to make it easy to manage and store your cryptocurrencies. Ledger Stax is a powerful wallet. Ledger Stax is a powerful wallet that can handle 500+ NFTs, tokens, and cryptocurrencies. It is also possible to modify the screen using an image or your preferred NFT. A curved touchscreen display can help you keep the track of your cryptocurrency portfolio. The Ledger Stax is also connected with the Ledger Live platform, which provides you with a simple method to review transaction information and also to buy as well as sell currency. The use of a hardware wallet offers security on the chain, since your private keys won’t be available to anyone who is not authorized. Apart from keeping and managing your cryptocurrency as well as managing your cryptocurrencies, the Ledger Stax is also able for managing NFT collections on various blockchains. This includes Ethereum and Polygon-based NFTs. The Ledger Stax is equipped with Bluetooth that lets you connect it to your smartphone , or desktop. You can even use it as a screen protector. For security reasons, it comes with an internal battery. When the device is not active, the battery can last for three months. The Ledger Stax is a breakthrough consumer device. It comes with a 4 inch touchscreen, magnets, as well as an secure structure. Comparatively to its predecessors the Stax offers more protection and offers a better user experience. In fact, it’s better than other wallets that use hardware! The Ledger Stax holds more than five hundred cryptocurrencies, including Ethereum as well as Polygon-based NFTs. It also boasts an impressive 4000mAh battery, a touch-screen interface, as well as a sleek magnetic document kit to maximize ability to stack. If you’re hoping to get your hands on one of these wallets, you’ll have wait a few more months. There’s no reason to be worried however. The Ledger Stax has a long way to go. It’s years away from becoming available in the wild. However, in the interim you’ll have to purchase the Ledger wallet application and the Ledger Nano S or Ledger S. Ledger S. You can pre-order the latter two from the official website of the manufacturer. If the Ledger Wallet software is the best option, there’s a more sophisticated method of setting up your new crypto-holding machine. This involves downloading the company’s application, installing it on your personal computer, and permitting it access to your crypto assets. The Ledger Stax is a high-end hardware wallet designed in collaboration with the former Apple iPod creator Tony Fadell and design firm LAYER. The wallet was designed to be simple to operate, the device has a new E-Ink display that offers a clear, easy-to-read interface. It also comes with an ergonomically curved display as well as magnets that are embedded which make it more durable and practical. Ledger Stax Ledger Stax supports a wide range of cryptocurrencies, including Litecoin, Dash, Dogecoin, Monero, Ethereum, Binance Coin, BTC, and XRP. It’s designed to connect to mobile devices using Bluetooth and a USB-C connection. Aside from the ability to store and transfer different digital assets, Stax can also store and send a variety of digital assets. Stax is also designed to safeguard the non-fungible currency (NFTs). Since it stores private keys offline, it’s more vulnerable to hacking attempts than other crypto wallets. Users can customize their lock screen. Users can select an image they prefer, choose a unique label for their device, and track its status when it locks and unlocks. In addition Stax Stax is compatible with Qi wireless charging which permits users to charge it from every Qi compatible charger. Battery life is surprisingly good. The Ledger Stax’s battery can last for months on a single charge, based on how much you use the device. Ledger Stax is a new generation of hardware wallet from Ledger the company that created the first digital wallet. It is a combination of the security features of Ledger Live with the convenience of use of a touchscreen. The new model comes with several options that make it simple to transfer and receive crypto. The Ledger Stax’s screen composed of an E-ink-sized credit card display. It gives a clear as well as a natural experience for reading, avoiding the glare of other screens and delivering a higher contrast. Additionally, the screen uses a curved touch interface for users to view and sign transactions with the click of a button. Ledger Stax Ledger Stax also features a rechargeable lithium-ion battery built in. This allows the device to function for months after a single charge. Moreover it can be charged wirelessly, or using a USB-C cable. For security concerns in terms of security, the Ledger Stax has a secure element chip to provide an extra protection. Additionally, the device is certified to CC EAL5+ standards. Lastly, the device is also backed by Bluetooth and a secure USB-C port for connecting to the Ledger Live mobile app. Ledger Stax vs Nano X vs Nano S Plus Ledger Stax vs Nano X Vs Nano S Plus. Which one is better? These are the top hardware crypto wallets. They’re easy to use and include many features. These models, the Nano X, Nano S Plus and Stax are excellent choices for beginners and advanced users alike. If you’re looking for a safe efficient, reliable, and user-friendly device, the Ledger Stax can be the best way to go. It was developed by iPod designer Tony Fadell, and has all the same functionality as the Nano X, but at a more affordable price. This version has a touchscreen and a rechargeable battery, which makes it last longer. Ledger is an innovator in the field of cryptocurrency. They’ve created a selection of hardware wallets and each comes with certain security features that protect private keys. Through the Nano X, you can transfer cryptocurrency to your phone. This is the ideal solution for those traveling. It also has Bluetooth support. You can also connect your phone to the Nano X via USB C. However, you’ll need to switch on the device by pressing a left button for three seconds. If you’re searching for a crypto wallet, you’ll be happy to know that Ledger has just unveiled its new product, the Ledger Stax. This brand new hardware wallet is a combination of a curved e-ink screen with magnets to create a portable, dependable device. The Ledger Stax is an equivalent to a credit card size crypto wallet which lets you safely store and manage your digital assets. It offers a unique minimalist design, is equipped with several other features. Among the features are an e-ink display and NFC capabilities. Ledger Stax Ledger Stax is built on an aluminum chassis, with the rounded edges and a soft, concave surface. It also has an integrated magnet which helps to improve its stackability. In addition, it has an Bluetooth(r) antenna and an effective Bluetooth(r) battery. It works It is compatible with iOS 12 and up and Windows 10 and up. It connects to your smartphone using Bluetooth as well as a secure USB-C cable. You can configure your Ledger Stax by pressing a single button. It comes with a touch-sensitive E Ink display that creates a clear visual interface. It allows you to alter the lockscreen as well as view your pictures. Ledger Stax Ledger Stax is a brand-new hardware crypto wallet that comes with the highest level of security. This wallet is designed to provide users with a user-friendly experience that allows them to complete transactions quickly and safely. The device is built using an industry-leading Secure Element chip. This chip is found in passports and credit cards, as well as in payment systems, and other important data sources. Another important feature of Ledger Stax is the E Ink touchscreen. The curved touchscreen is the first of its kind in the field. It comes with Bluetooth connectivity and can be linked to Ledger Live mobile app. When not in use it is concealed with magnets. One of the most important features in Ledger Stax is the capability to personalize the screen of lock. It lets users include their preferred photos and NFT. Users can also access the Infinity Pass to get their free NFT as well as utilities. Ledger Stax is designed to appeal to those who are passionate with their personal digital possessions. They want to save them from theft and invest in against loss. Although this wallet is a higher price than some of its competitors however, it’s worthwhile for serious cryptocurrency investors. Ledger Stax can be described as the latest hardware wallet by French business Ledger. It’s a touchscreen device with E Ink technology. There are other cool features too. Ledger Stax Ledger Stax features a curved 3.7 inch touchscreen. It is therefore easier to use. Users can also customize the screen. Magnets allow users to attach the device to a mobile. The Ledger Stax can also generate QR codes. It can be used to pay cash-free. Additionally, it can be used with mobile devices that are cord-free. The Ledger Stax can be used with iOS 13+, and Android 9and up. It is a CC EAL5+ certified chip security system. But, the price is quite high. At $279US, it is almost twice as expensive as Nano X. Nano X. One of the biggest selling factors is the touchscreen. The display is made of E Ink which is curved. A further feature that is important is the capacity to keep NFTs which is a term used to describe non-fungible tokens. It is compatible with 5000 cryptos, which include Ethereum, Polygon, and Nano X. It is also compatible with a suite of DeFi protocols. The Ledger Stax is a brand-new hardware wallet designed to help people manage their digital assets. It is designed to look similar to a credit card, the Stax offers the convenience of carrying an electronic wallet that is crypto-friendly, and still maintaining security. It comes with a magnetic case, touchscreen display as well as a massive 200 mAh battery, the Stax is small enough to fit in it’s place in your palm. The device features an 3.7 inch E Ink curved touchscreen. It is easy to view transactions and read messages. The display also has Bluetooth 5.2 This feature allows you to connect to your mobile. The Stax can be used for iOS 10+, Android 9+, and Ubuntu. Users can also customize the lock screen. They can also monitor the lock/unlock status of their device and monitor the percentage of the battery. A built-in Ledger Live app lets customers to control their investments that includes more than 500 tokens and coins. The Ledger Stax comes with magnetic cases which can be used to stack more than one device over it. Like Nano S Plus Nano S Plus, the Stax is specifically designed to be used in the home. If you have been using Ledger Nano for some time, it may be an appropriate time to look into the next generation crypto device that is the Ledger Stax. The new model will join an extensive line of hardware wallets popular in the Crypto space. The Ledger Nano Stax, like its predecessor, is a device designed to be used in mobility. It’s a small device that supports a variety of cryptocurrency. It can manage up to 5,500 tokens including Polygon NFTs as well as Ethereum NFTs. One of the main advantages of this Ledger Stax is the touchscreen. This E Ink2 screen features an angled design which makes it much easier to read. Another major feature in this Ledger Stax is its rechargeable battery. A single charge can keep the device running for a period of weeks or months. With Ledger Stax, you can keep your digital assets in a an organized and secure way. The Ledger Stax can be used to work with iOS 13+ as well as macOS 12plus. You can pair it with your smartphone via Bluetooth or via a USB-C cable. Ledger Stax is the latest on the crypto hardware wallet market. This sleek, curved touchscreen wallet allows users to securely manage the digital accounts they have. It is compatible with more than 5,000 tokens and coins and is optimized for the user experience. The wallet is able to be charged using it’s Qi wireless charging protocol. It also has a magnetic locking system. It has a USB Type-C port. A 3.7-inch e-ink display lets you look at transactions and make them signable. The wallet comes with built-in Ledger Live application. Users can also download applications from third parties to increase their selection. In comparison against that of the Nano S Plus, the Ledger Stax has a larger screen and more features. The Stax features a rounded edge chassis, and a strong Bluetooth antenna. Additionally, it comes with an Secure Element chip, the same chip used in Nano X. These elements ensure that the device is secure from hackers. With its big screen and magnet system, Stax offers unrivaled interaction. In contrast to other wallets, it lets you personalize the touch screen by using the NFT picture. It also allows you to generate QR codes. Do you think it is worth it? The Ledger Stax is an exciting physical wallet which promises a lot. It’s been designed to improve security, accessibility and user interaction, while still providing the highest quality of user experience. If you’re thinking of buying one of these, here are a few points to consider. First of all, it is equipped with a curved ink touchscreen. This will be the only one of its kind. You can use the device to sign transactions or view NFT collections. Furthermore it also has Bluetooth. It also has an embedded magnet system that lets you stack multiple Stax devices. Another cool thing about it is that it can be charged with Qi wireless charging, which is the similar technology used for charging by Samsung as well as Apple. It also comes with a built-in battery that can last for months or even weeks. This is an incredible benefit in the case of a crypto hardware wallet. Overall, it’s a good device. There are a few downsides to it. For starters, it’s quite expensive. But, if you’re willing to put money into an electronic wallet, it’s worth it. [sspostsincat category=”Ledger Stax”]
s3://commoncrawl/crawl-data/CC-MAIN-2023-14/segments/1679296945144.17/warc/CC-MAIN-20230323100829-20230323130829-00616.warc.gz
CC-MAIN-2023-14
19,138
85
http://www.ambitionsproject.com/purses/givenchy-pandora-wallet-with-chain-strap-y7j0nr6o.html
code
Givenchy’s Pandora wallet doubles as a sleek shoulder bag you can wear both day and evening. Inside you will find a zip compartment, 6 card slots and just enough room to hold your mobile phone and a lipstick. This dual purpose wallet helps you streamline your essentials in a compact and practical piece of luxury design. - Front flap with snap fastening - Removable chain strap - Zip compartment, 6 Card slots - Pure leather - H12cm x W19cm x D3cm approx. - Presented with a Givenchy dust bag
s3://commoncrawl/crawl-data/CC-MAIN-2020-50/segments/1606141187753.32/warc/CC-MAIN-20201126084625-20201126114625-00436.warc.gz
CC-MAIN-2020-50
495
7
https://icomcomunicacao.com.br/how-to-build-a-chatbot-using-natural-language/
code
Difference between a bot, a chatbot, a NLP chatbot and all the rest? NLP algorithms for chatbots are designed to automatically process large amounts of natural language data. They’re typically based on statistical models which learn to recognize patterns in the data. One of the key benefits of generative AI is that it makes the process of NLP bot building so much easier. Generative chatbots don’t need dialogue flows, initial training, or any ongoing maintenance. Now it’s time to take a closer look at all the core elements that make NLP chatbot happen. Still, the decoding/understanding of the text is, in both cases, largely based on the same principle of classification. For instance, good NLP software should be able to recognize whether the user’s “Why not? One of the most impressive things about intent-based NLP bots is that they get smarter with each interaction. However, in the beginning, NLP chatbots are still learning and should be monitored carefully. It can take some time to make sure your bot understands your customers and provides the right responses. Intelligent chatbots understand user input through Natural Language Understanding (NLU) technology. They then formulate the most accurate response to a query using Natural Language Generation (NLG). Responses From Readers Natural language processing (NLP) chatbots provide a better, more human experience for customers — unlike a robotic and impersonal experience that old-school answer bots are infamous for. You also benefit from more automation, zero contact resolution, better lead generation, and valuable feedback collection. For new businesses that are looking to invest in a chatbot, this function will be able to kickstart your approach. Chatbots are able to understand the intent of the conversation rather than just use the information to communicate and respond to queries. Some of the most popularly used language models in the realm of AI chatbots are Google’s BERT and OpenAI’s GPT. These models, equipped with multidisciplinary functionalities and billions of parameters, contribute significantly to improving the chatbot and making it truly intelligent. Next, our AI needs to be able to respond to the audio signals that you gave to it. Now, it must process it and come up with suitable responses and be able to give output or response to the human speech interaction. Stay informed about the latest developments, research, and tools in NLP to keep your chatbot at the forefront of technology. As user expectations evolve, be prepared to adapt and enhance your chatbot to deliver an ever-improving user experience. A well-defined purpose will guide your chatbot development process and help you tailor the user experience accordingly. In essence, a chatbot developer creates NLP models that enable computers to decode and even mimic the way humans communicate. You can create your free account now and start building your chatbot right off the bat. It follows a set rule and if there’s any deviation from that, it will repeat the same text again and again. However, customers want a more interactive chatbot to engage with a business. Natural language processing (NLP) is a type of artificial intelligence that examines and understands customer queries. Artificial intelligence is a larger umbrella term that encompasses NLP and other AI initiatives like machine learning. Can you Build NLP Chatbot Without Coding? But for many companies, this technology is not powerful enough to keep up with the volume and variety of customer queries. The stilted, buggy chatbots of old are called rule-based chatbots.These bots aren’t very flexible in how they interact with customers. And this is because they use simple keywords or pattern matching — rather than using AI to understand a customer’s message in its entirety. This model, presented by Google, replaced earlier traditional sequence-to-sequence models with attention mechanisms. The AI chatbot benefits from this language model as it dynamically understands speech and its undertones, allowing it to easily perform NLP tasks. Eventually, it may become nearly identical to human support interaction. Banking customers can use NLP financial services chatbots for a variety of financial requests. This cuts down on frustrating hold times and provides instant service to valuable customers. Launch an interactive WhatsApp chatbot in minutes! With NLP, your chatbot will be able to streamline more tailored, unique responses, interpret and answer new questions or commands, and improve the customer’s experience according to their needs. As we’ve just seen, NLP chatbots use artificial intelligence to mimic human conversation. Standard bots don’t use AI, which means their interactions usually feel less natural and human. It’s the technology that allows chatbots to communicate with people in their own language. NLP achieves this by helping chatbots interpret human language the way a person would, grasping important nuances like a sentence’s context. An NLP chatbot is a more precise way of describing an artificial intelligence chatbot, but it can help us understand why chatbots powered by AI are important and how they work. Still, it’s important to point out that the ability to process what the user is saying is probably the most obvious weakness in NLP based chatbots today. Besides enormous vocabularies, they are filled with multiple meanings many of which are completely unrelated. As you can see, setting up your own NLP chatbots is relatively easy if you allow a chatbot service to do all the heavy lifting for you. You don’t need any coding skills or artificial intelligence expertise. And in case you need more help, you can always reach out to the Tidio team or read our detailed guide on how to build a chatbot from scratch. If your company tends to receive questions around a limited number of topics, that are usually asked in just a few ways, then a simple rule-based chatbot might work for you. They identify misspelled words while interpreting the user’s intention correctly. In order to implement NLP, you need to analyze your chatbot and have a clear idea of what you want to accomplish with it. Many digital businesses tend to have a chatbot in place to compete with their competitors and make an impact online. However, if you’re not maximizing their abilities, what is the point?. You can foun additiona information about ai customer service and artificial intelligence and NLP. You need to want to improve your customer service by customizing your approach for the better. The field of NLP is dynamic, with continuous advancements and innovations. Through native integration functionality with CRM and helpdesk software, you can easily use existing tools with Freshworks. Self-supervised learning (SSL) is a prominent part of deep learning… With more organizations developing AI-based applications, it’s essential to use… We read every piece of feedback, and take your input very seriously. NLP is far from being simple even with the use of a tool such as DialogFlow. However, it does make the task at hand more comprehensible and manageable. Multiple classification models are trained and evaluated to find the best-performing one. The trained model is then used to predict the intent of user input, and a random response is selected from the corresponding intent’s responses. The chatbot is devoloped as a web application using Flask, allowing users to interact with it in real-time but yet to be deployed. In this guide, we will learn about the basics of NLP and chatbots, including the basic concepts, techniques, and tools involved in their creation. It is used in chatbot development to understand the context and sentiment of user input and respond accordingly. These chatbots use techniques such as tokenization, part-of-speech tagging, and intent recognition to process and understand user inputs. I’m a newbie python user and I’ve tried your code, added some modifications and it kind of worked and not worked at the same time. The code runs perfectly with the installation of the pyaudio package but it doesn’t recognize my voice, it stays stuck in listening… Put your knowledge to the test and see how many questions you can answer correctly. Human reps will simply field fewer calls per day and focus almost exclusively on more advanced issues and proactive measures. Chatfuel is a messaging platform that automates business communications across several channels. It consistently receives near-universal praise for its responsive customer service and proactive support outreach. Freshworks is an NLP chatbot creation and customer engagement platform that offers customizable, intelligent support 24/7. That’s why we compiled this list of five NLP chatbot development tools for your review. For instance, a B2C ecommerce store catering to younger audiences might want a more conversational, laid-back tone. However, a chatbot for a medical center, law firm, or serious B2B enterprise may want to keep things strictly professional at all times. - Although this chatbot may not have exceptional cognitive skills or be state-of-the-art, it was a great way for me to apply my skills and learn more about NLP and chatbot development. - In terms of the learning algorithms and processes involved, language-learning chatbots rely heavily on machine-learning methods, especially statistical methods. - Currently, every NLG system relies on narrative design – also called conversation design – to produce that output. Interpreting and responding to human speech presents numerous challenges, as discussed in this article. Humans take years to conquer these challenges when learning a new language from scratch. Chatbots are becoming increasingly popular as businesses seek to automate customer service and streamline interactions. Building a chatbot can be a fun and educational project to help you gain practical skills in NLP and programming. Some might say, though, that chatbots have many limitations, and they definitely can’t carry a conversation the way a human can. Here are three key terms that will help you understand how NLP chatbots work. The motivation behind this project was to create a simple chatbot using my newly acquired knowledge of Natural Language Processing (NLP) and Python programming. As one of my first projects in this field, I wanted to put my skills to the test and see what I could create. NLP can comprehend, extract and translate valuable insights from any input given to it, growing above the linguistics barriers and understanding the dynamic working of the processes. We’ve also demonstrated using pre-trained Transformers language models to make your chatbot intelligent rather than scripted. In this article, we will create an AI chatbot using Natural Language Processing chat bot using nlp (NLP) in Python. First, we’ll explain NLP, which helps computers understand human language. Then, we’ll show you how to use AI to make a chatbot to have real conversations with people. By following these steps, you can embark on a journey to create intelligent, conversational agents that bridge the gap between humans and machines. The quality of your chatbot’s performance is heavily dependent on the data it is trained on. Preprocess the data by cleaning, tokenizing, and normalizing the text. Finally, we’ll talk about the tools you need to create a chatbot like ALEXA or Siri. One of the limitations of rule-based chatbots is their ability to answer a wide variety of questions. By and large, it can answer yes or no and simple direct-answer questions. Companies can automate slightly more complicated queries using NLP chatbots. This is possible because the NLP engine can decipher meaning out of unstructured data (data that the AI is not trained on). This gives them the freedom to automate more use cases and reduce the load on agents. In fact, when it comes down to it, your NLP bot can learn A LOT about efficiency and practicality from those rule-based “auto-response sequences” we dare to call chatbots. Naturally, predicting what you will type in a business email is significantly simpler than understanding and responding to a conversation. Read more about the difference between rules-based chatbots and AI chatbots. In the current world, computers are not just machines celebrated for their calculation powers. Today, the need of the hour is interactive and intelligent machines that can be used by all human beings alike. For this, computers need to be able to understand human speech and its differences. There are several different channels, so it’s essential to identify how your channel’s users behave. A simple bot can handle simple commands, but conversations are complex and fluid things, as we all know. If a user isn’t entirely sure what their problem is or what they’re looking for, a simple but likely won’t be Chat PG up to the task. In this article, we dive into details about what an NLP chatbot is, how it works as well as why businesses should leverage AI to gain a competitive advantage. On the other hand, if the alternative means presenting the user with an excessive number of options at once, NLP chatbot can be useful. What’s more, the agents are freed from monotonous tasks, allowing them to work on more profitable projects. A chatbot is an AI-powered software application capable of conversing with human users through text or voice interactions. Our conversational AI chatbots can pull customer data from your CRM and offer personalized support and product recommendations. It gathers information on customer behaviors with each interaction, compiling it into detailed reports. NLP chatbots can even run predictive analysis to gauge how the industry and your audience may change over time. Generally, the “understanding” of the natural language (NLU) happens through the analysis of the text or speech input using a hierarchy of classification models. Take one of the most common natural language processing application examples — the prediction algorithm in your email. The software is not just guessing what you will want to say next but analyzes the likelihood of it based on tone and topic. Engineers are able to do this by giving the computer and “NLP training”. Some of the best chatbots with NLP are either very expensive or very difficult to learn. While conversing with customer support, people wish to have a natural, human-like conversation rather than a robotic one. While the rule-based chatbot is excellent for direct questions, they lack the human touch. Using an NLP chatbot, a business can offer natural conversations resulting in better interpretation and customer experience. You will need a large amount of data to train a chatbot to understand natural language. This data can be collected from various sources, such as customer service logs, social media, and forums. The data should be labeled and diverse to cover different scenarios. Natural Language Processing or NLP is a prerequisite for our project. NLP allows computers and algorithms to understand human interactions via various languages. In order to process a large amount of natural language data, an AI will definitely need NLP or Natural Language Processing. So we searched the web and pulled out three tools that are simple to use, don’t break the bank, and have top-notch functionalities. The most common way to do this is by coding a chatbot in a programming language like Python and using NLP libraries such as Natural Language Toolkit (NLTK) or spaCy. Building your own chatbot using NLP from scratch is the most complex and time-consuming method. So, unless you are a software developer specializing in chatbots and AI, you should consider one of the other methods listed below. In fact, this chatbot technology can solve two of the most frustrating aspects of customer service, namely, having to repeat yourself and being put on hold. And these are just some of the benefits businesses will see with an NLP chatbot on their support team. Here’s a crash course on how NLP chatbots work, the difference between NLP bots and the clunky chatbots of old — and how next-gen generative AI chatbots are revolutionizing the world of NLP. One of the customers’ biggest concerns is getting transferred from one agent to another to resolve the query. Our intelligent agent handoff routes chats based on team member skill level and current chat load. This avoids the hassle of cherry-picking conversations and manually assigning them to agents. The chatbot then accesses your inventory list to determine what’s in stock. The chatbot market is projected to reach nearly $17 billion by 2028. And that’s understandable when you consider that NLP for chatbots can improve customer communication. Essentially, the machine using collected data understands the human intent behind the query. It then searches its database for an appropriate response and answers in a language that a human user can understand. As a cue, we give the chatbot the ability to recognize its name and use that as a marker to capture the following speech and respond to it accordingly. This is done to make sure that the chatbot doesn’t respond to everything that the humans are saying within its ‘hearing’ range. There are many who will argue that a chatbot not using AI and natural language isn’t even a chatbot but just a mare auto-response sequence on a messaging-like interface. Simply put, machine learning allows the NLP algorithm to https://chat.openai.com/ learn from every new conversation and thus improve itself autonomously through practice. It uses pre-programmed or acquired knowledge to decode meaning and intent from factors such as sentence structure, context, idioms, etc. - AI chatbots find applications in various platforms, including automated chat support and virtual assistants designed to assist with tasks like recommending songs or restaurants. - Theoretically, humans are programmed to understand and often even predict other people’s behavior using that complex set of information. - NLP chatbots are pretty beneficial for the hospitality and travel industry. Once the chatbot is tested and evaluated, it is ready for deployment. This includes making the chatbot available to the target audience and setting up the necessary infrastructure to support the chatbot. Before building a chatbot, it is important to understand the problem you are trying to solve. For example, you need to define the goal of the chatbot, who the target audience is, and what tasks the chatbot will be able to perform. Hubspot’s chatbot builder is a small piece of a much larger service. Check out our roundup of the best AI chatbots for customer service. The NLP market is expected to reach $26.4 billion by 2024 from $10.2 billion in 2019, at a CAGR of 21%. Also, businesses enjoy a higher rate of success when implementing conversational AI. Statistically, when using the bot, 72% of customers developed higher trust in business, 71% shared positive feedback with others, and 64% offered better ratings to brands on social media. You can integrate our smart chatbots with messaging channels like WhatsApp, Facebook Messenger, Apple Business Chat, and other tools for a unified support experience. Chatbots will become a first contact point with customers across a variety of industries. It is important to carefully consider these limitations and take steps to mitigate any negative effects when implementing an NLP-based chatbot. They are designed to automate repetitive tasks, provide information, and offer personalized experiences to users. Using NLP in chatbots allows for more human-like interactions and natural communication. These chatbots use techniques such as tokenization, part-of-speech tagging, and intent recognition to process and understand user input. Many businesses are leveraging NLP services to gain valuable insights from unstructured data, enhance customer interactions, and automate various aspects of their operations. Whether you’re developing a customer support chatbot, a virtual assistant, or an innovative conversational application, the principles of NLP remain at the core of effective communication. It can save your clients from confusion/frustration by simply asking them to type or say what they want. Chatbot, too, needs to have an interface compatible with the ways humans receive and share information with communication. That is what we call a dialog system, or else, a conversational agent. The words AI, NLP, and ML (machine learning) are sometimes used almost interchangeably. Unlike common word processing operations, NLP doesn’t treat speech or text just as a sequence of symbols. It also takes into consideration the hierarchical structure of the natural language – words create phrases; phrases form sentences; sentences turn into coherent ideas. Product recommendations are typically keyword-centric and rule-based. NLP chatbots can improve them by factoring in previous search data and context. Chatbots are ideal for customers who need fast answers to FAQs and businesses that want to provide customers with information. On the other hand, NLP chatbots use natural language processing to understand questions regardless of phrasing. In this guide, one will learn about the basics of NLP and chatbots, including the basic concepts, techniques, and tools involved in creating a chatbot. In recent years, we’ve become familiar with chatbots and how beneficial they can be for business owners, employees, and customers alike. Despite what we’re used to and how their actions are fairly limited to scripted conversations and responses, the future of chatbots is life-changing, to say the least. This function holds plenty of rewards, really putting the ‘chat’ in the chatbot. This chatbot uses the Chat class from the nltk.chat.util module to match user input against a list of predefined patterns (pairs). The reflections dictionary handles common variations of common words and phrases. By the end of this guide, beginners will have a solid understanding of NLP and chatbots and will be equipped with the knowledge and skills needed to build their chatbots. Since Freshworks’ chatbots understand user intent and instantly deliver the right solution, customers no longer have to wait in chat queues for support. Such as large-scale software project development, epic novel writing, long-term extensive research, etc. Pick a ready to use chatbot template and customise it as per your needs. For example, one of the most widely used NLP chatbot development platforms is Google’s Dialogflow which connects to the Google Cloud Platform. They rely on predetermined rules and keywords to interpret the user’s input and provide a response. AI-powered bots use natural language processing (NLP) to provide better CX and a more natural conversational experience. And with the astronomical rise of generative AI — heralding a new era in the development of NLP — bots have become even more human-like. One of the most common use cases of chatbots is for customer support. IntelliCoworks is a leading DevOps, SecOps and DataOps service provider and specializes in delivering tailored solutions using the latest technologies to serve various industries. Our DevOps engineers help companies with the endless process of securing both data and operations. Ctxmap is a tree map style context management spec&engine, to define and execute LLMs based long running, huge context tasks. NLP chatbot identifies contextual words from a user’s query and responds to the user in view of the background information. And if the NLP chatbot cannot answer the question on its own, it can gather the user’s input and share that data with the agent. Either way, context is carried forward and the users avoid repeating their queries. The rule-based chatbot is one of the modest and primary types of chatbot that communicates with users on some pre-set rules. Don’t waste your time focusing on use cases that are highly unlikely to occur any time soon. You can come back to those when your bot is popular and the probability of that corner case taking place is more significant. There is a lesson here… don’t hinder the bot creation process by handling corner cases. To the contrary…Besides the speed, rich controls also help to reduce users’ cognitive load.
s3://commoncrawl/crawl-data/CC-MAIN-2024-18/segments/1712296818732.46/warc/CC-MAIN-20240423162023-20240423192023-00664.warc.gz
CC-MAIN-2024-18
24,444
53
https://devblogs.microsoft.com/devopsservice/?m=201809
code
On Tuesday, 4 September 2018, Visual Studio Marketplace suffered an extended outage affecting most of its customers. Marketplace hosts and serves extensions for the Visual Studio IDE, Visual Studio Code, and Azure DevOps. This was the first instance of the Marketplace service going down completely, Postmortem – VSTS Outage – 4 September 2018 On Tuesday, 4 September 2018, VSTS (now called Azure DevOps) suffered an extended outage affecting customers with organizations hosted in the South Central US region (one of the 10 regions globally hosting VSTS customers).
s3://commoncrawl/crawl-data/CC-MAIN-2020-10/segments/1581875141460.64/warc/CC-MAIN-20200217000519-20200217030519-00054.warc.gz
CC-MAIN-2020-10
570
3
http://getrfc.com/author/5035
code
Request For Comments storage RFC by index Documents by P. Natarajan SCTP-PF: A Quick Failover Algorithm for the Stream Control Transmission Protocol Characterization Guidelines for Active Queue Management (AQM) Proportional Integral Controller Enhanced (PIE): A Lightweight Control Scheme to Address the Bufferbloat Problem Meanwhile in the world...
s3://commoncrawl/crawl-data/CC-MAIN-2018-22/segments/1526794868239.93/warc/CC-MAIN-20180527091644-20180527111644-00399.warc.gz
CC-MAIN-2018-22
349
7
https://boxden.com/showthread.php?t=1646889&page=6
code
I've seen and had fatter try that sh*t in the hood.....you'll have palm prints all over that a.ss I wonder how many times they farted that day bw the two of them U aint neva lied!! ill be all up in them a.sses...if i get caught sniffing or looking i would have the same reaction [pic - click to view]
s3://commoncrawl/crawl-data/CC-MAIN-2016-44/segments/1476988719155.26/warc/CC-MAIN-20161020183839-00089-ip-10-171-6-4.ec2.internal.warc.gz
CC-MAIN-2016-44
300
6
https://www.gamecamp.io/speaker/jon-skrip/
code
Software Engineer, Google/Firebase, Jon is a software engineer within Google’s Firebase organization, working specifically on the Firebase Growth platform. His career until now has been focused mostly on backend and systems engineering, with an emphasis on cloud computing and distributed architecture. Lately Jon has been focused on creating and maintaining tools for the broader developer community, and has been actively collaborating with the Firebase Gaming teams to make Firebase a viable option for game developers. Prior to Google, Jon worked to design, develop, and support a variety of first tier infrastructure services within the enterprise and private cloud spaces
s3://commoncrawl/crawl-data/CC-MAIN-2023-23/segments/1685224643663.27/warc/CC-MAIN-20230528083025-20230528113025-00183.warc.gz
CC-MAIN-2023-23
679
3
http://psx-scene.com/forums/f36/xport2-checksums-56852/
code
The above video goes away if you are a member and logged in, so log in now! please do NOT DOUBLE POST.. wasn't intentional, tried to delete the double What save are you trying to edit? Some games are not compatible with Xport saves, the GTA series being one of them. You also want to be working with the raw save files, not the Xport container, use PS2 Save Builder to extract the files and again use it to rebuild the save (easiest to just replace the file you edited without closing PS2 Save Builder). Checksums can be easy or a complete nightmare, I found the FFXII very easily but some use custom algorithms that can be hard to recreate. it's a save from an rpg i happened to pick up, xenosaga 2. at first i was in the container file, not now thou...i'm going to fool around with it more today and see what i can get i have two saves with very minimal differences to compare so maybe i can figure it out i figure i'll put the files out here and see if anyone comes up with anything if they have the spare time. the changes were that i used an item twice (went from haveing 4 to haveing 2, offset 26a0) to gain 60 skill points (496 to 556 offset 227c) everything else seems to have been done by the game on it's own...all i did was load use two items and save again. i'm assumeing the checksum is 3164-3167 as this is the last place that the files are different from eachother. any help is greatly appericated, thanks for your time first save can be found here second one here
s3://commoncrawl/crawl-data/CC-MAIN-2013-48/segments/1386164580801/warc/CC-MAIN-20131204134300-00062-ip-10-33-133-15.ec2.internal.warc.gz
CC-MAIN-2013-48
1,479
14
https://www.jamieweb.net/blog/category/ubuntu/
code
Currently sponsored by: Smallstep - Tired of managing SSH keys? Try SSH single sign-on with Smallstep and experience SSH certificates for yourself in <5min⚡️! Installing UBports Ubuntu Touch on the original Meizu MX4 Ubuntu Edition using ubports-installer. Thursday 21st March 2019 A month with the Ubuntu Phone. Wednesday 9th September 2015
s3://commoncrawl/crawl-data/CC-MAIN-2020-45/segments/1603107894426.63/warc/CC-MAIN-20201027170516-20201027200516-00349.warc.gz
CC-MAIN-2020-45
345
5
https://www.militaryhire.com/jobs-for-veterans/job/1737096/E1071-Software-Engineer-Asc/state/New-York/city/Rochester/
code
Lockheed Martin (www.lockheedmartin.com) full-time employee contract The Web Application Developer will be responsible for developing modern web based applications to support Health Management Systems (HMS) and advanced analytic solutions. This includes, but is not limited to, the design, development, test, maintenance and improvement of software. The successful candidate will work closely with and support other Developers, Data Scientists, and Engineering subject matter experts to design and implement web applications that deliver timely and valuable business insights. ? B.S. in Software Engineering, Computer Science or similar technical field ? 3.0 or higher cumulative GPA ? 2-4 years software development experience with at least one general purpose programming language (Java, C#, Python) ? Experience with the full software lifecycle: designing, developing, testing, maintaining and improving software ? Knowledge of the software development lifecycle including distributed version control and agile development techniques ? Excellent written and verbal communication skills; ability to clearly explain the trade-offs between possible software solutions ? Extremely good problem solving and organizational skills ? Passion and ability to learn new languages and technologies ? Familiarity with modern web technologies such as Bootstrap, AngularJS, JSON, REST and NoSQL ? Familiarity with software development tools such as JIRA, Git, NuGet, npm and CI environments As a leading technology innovation company, Lockheed Martin?s vast team works with partners around the world to bring proven performance to our customers? toughest challenges. Lockheed Martin has employees based in many states throughout the U.S., and Internationally, with business locations in many nations and territories. Join us at Lockheed Martin, where we?re engineering a better tomorrow. Lockheed Martin is an Equal Opportunity/Affirmative Action Employer. All qualified applicants will receive consideration for employment without regard to race, color, religion, sex, pregnancy, sexual orientation, gender identity, national origin, age, protected veteran status, or disability status. Job Location(s): Rochester New York
s3://commoncrawl/crawl-data/CC-MAIN-2018-17/segments/1524125945484.57/warc/CC-MAIN-20180422002521-20180422022521-00356.warc.gz
CC-MAIN-2018-17
2,211
17
https://askubuntu.com/questions/1364336/raspberry-ubuntu-boot-error-asoc-error-at-snd-soc-dai-startup-on-fef05700-hdmi/1364447#1364447
code
I recently installed 'Ubuntu Desktop 21.04' on a sd card for my Raspberry Pi4b and while it seemed fine to start with after one or two reboots I get errors and wasn't able to boot back in again. I tried again to flash the card with that same image and same thing happened. It was fine in the very first session but then I got this boot error that I haven't been able to solve. The error message I kept getting was: ASoC: error at snd_soc_dai_startup on fef05700.hdmi: -19 I read some comment saying it might be because of non-existing audio on the monitor but Iv'e successfully passed audio from HDMI->3.5mmjack out from the monitor under Raspbian OS. I see some recent and some threads a few months old with people mentioning the same error messages. Often it leads to discussions involving Kodi. Seems to be some audio+hdmi related kernel thing? Here's a recent and similar chat, https://github.com/raspberrypi/linux/issues/4575 another https://www.raspberrypi.org/forums/viewtopic.php?f=63&t=316295 So last night I tried to find an older Ubuntu image and got a Ubuntu Mate 20.04.3. This has worked fine and I didn't get that error even after several reboots. It's using Kernel 5.4. I also saw another user who reported a 'spontaneous reboot' which I suspect happened to me on my first try. (I wasn't in the room) I can't use the older Ubuntu as I need the newer 'dma-buf' kernel updates that seem to be post 5.4. Is there anyone who knows what this issue might be?
s3://commoncrawl/crawl-data/CC-MAIN-2021-49/segments/1637964362879.45/warc/CC-MAIN-20211203121459-20211203151459-00277.warc.gz
CC-MAIN-2021-49
1,467
11
https://www.emqx.io/docs/en/v5/security/authn/mnesia.html
code
# Password Authentication Using Built-in Database EMQX supports the use of the built-in database (Mnesia) as the storage medium for client identity credentials, which does not require users to deploy additional databases, and can be used out of the box. Using the built-in database is also the default recommended solution for EMQX, as it provides the best performance for authentication. # Authentication principle Password authentication usually requires the user to provide an identity ID and a corresponding password. The identity ID is used to identify the user's identity, which can be a username, a client identifier, or a certificate common name. The correct combination of identity ID and password is only shared between the user and the authentication system, so the authentication system can verify the authenticity of the user's stated identity by comparing the password provided by the user with the password stored in its own database. # Avoid storing clear text passwords In order to complete authentication, some information, such as a password, needs to be shared between the user and the authentication system. But this means that passwords that were supposed to be kept secret are now held by multiple parties, which significantly increases the probability of password leaks, since an attacker could potentially steal the password by attacking either party. Therefore, we do not recommend storing passwords in clear text in the authentication system's database. Because once the database is dragged, these passwords will be completely exposed to the attacker. We prefer to generate a random salt, and then store this salt in the database along with the hash of the salted password. In this way, even if the attacker steals the data in the database, he can neither use the hash value to login, nor can it be difficult to deduce the real password based on the hash value. # Create password authentication using built-in database You can use EMQX Dashboard to create password authentication using the built-in database. Go to Dashboard > Access Control > Authentication (opens new window), and click Create, select Mechanism as Password-Based, Backend as Built-in Database, and then enter the specific configuration page: UserID Type is used to specify which field EMQX should use as the client's identity ID for authentication. The optional values are clientid. For the MQTT client, it corresponds to the Username and Client Identifier fields in the CONNECT packet, respectively. Password Hash is used to specify the hash algorithm used when storing passwords, supports md5, sha, bcrypt, pbkdf2, etc. For different hash algorithms, the built-in database password authenticator has different configuration requirements: When configured as a hash algorithm such as md5, sha, etc., the corresponding configuration will be as follows: - Salt Position, which is used to specify the combination method of salt and password: adding salt at the end of the password or adding salt at the head of the password. This option may need to be changed only when users need to migrate credentials from external storage to EMQX built-in database. When configured as bcrypt algorithm, the corresponding configuration will be as follows: - Salt Rounds,also known as the cost factor, it is used to specify the number of computations required for hashing (2^Salt Rounds). Every time you add one, the time required for hashing will double. The longer it takes, the higher the difficulty of brute force cracking, but the longer it takes to verify the user accordingly, so you need to do it according to your actual situation. trade-offs. When configured as pkbdf2 algorithm, the corresponding configuration will be as follows: - Pseudorandom Function, used to specify the hash function used to generate the key. - Iteration Count, used to specify the number of hashes. - Derived Key Length, specify the desired key length. If specified, it means that the final key length is determined by Pseudorandom Function. # Migrating from external storage to EMQX built-in database If you have stored credentials in other databases but want to migrate to EMQX's built-in database, we provide the function of bulk importing credentials from csv or json format files. To learn more, read Import User.
s3://commoncrawl/crawl-data/CC-MAIN-2022-49/segments/1669446711074.68/warc/CC-MAIN-20221206060908-20221206090908-00839.warc.gz
CC-MAIN-2022-49
4,283
25
https://extore.space/inspire/infombfbhnnccmkhpgbgnkbbilklhnlh/
code
This tool gives writers a live-updating sidebar as an alternative to the built-in word count utility. It also provides options to: - include headers, footers, and footnotes (not possible with built-in word count) - exclude particular header styles - exclude strikethrough text - view word count for selected text or the entire document - The built-in word count counts images, drawings, and other non-textual entities as single characters. We don't find this to make much sense for most use cases, so this tool only counts text elements. Because of this, there may occasionally be very small differences in character counts with the built-in tool. - When no text is selected, and the entire document character count is being displayed, footnote markers within the text are counted as single characters, as they are in the built-in-word count. However, when a range is selected, they are ignored. This is a limitation due to the way footnotes are structured in the Google Docs API. - We've had requests for a narrower sidebar. Unfortunately, Google Apps does not allow custom sidebars to customize their width, and all add-on sidebars are exactly 300px wide. We hope to see this changed in the future. Extore is a team of professionals who are passionate about creating extensions for web browsers. This devotion also gives us opportunity to appreciate work of other people. We get inspired by useful, open source extensions made by developers all over the world. Our strong belief is that one should share helpful add-ons with others. That’s why we’d like to present you our ever-growing list of favourite extensions that have inspired us. Moreover, as you probably have already learned, sometimes struggling for the best brings an end to the good. Talking about add-ons it often turns out that an upgrade is worse then previous version. Also it can become really tricky to get back to the beloved version of your favourite extension. That’s why we’re going to make not only the latest, but all versions of our favourite (and we hope yours too) add-ons available for download. No more compromises, just stick to the version you really like!
s3://commoncrawl/crawl-data/CC-MAIN-2020-40/segments/1600400228998.45/warc/CC-MAIN-20200925213517-20200926003517-00724.warc.gz
CC-MAIN-2020-40
2,148
9
https://lovevalentine.info/halo-chat.html
code
How to use voice chat in halo master chief collection Deleting something in it is a nightmare. That dude didn't switch to [ALL] until I told him he couldn't be heard without it. In game, they use Halo in the singular sense because they are only ever dealing with a single ring, not the chat set. The official Halo website has the topic placed at cnat title: and the official print Halo encyclopedia uses that name in the section heading. Plus I'm still NEEDING to scroll up halo down in the text chat with the arrow keys hallo sometimes the messages will be cut off because I will be scrolled cbat so new messages just make old messages appear. Subsequent comments should be made in a new section on the talk. Please do not modify it. DefineBrackish Recruit - Gold Text chat has been broken in new ways for me. My opinion also mirror's Ferret's - I don't object to "Halo Array", but I don't know enough about the subject to actively support it either. Honestly, if Halo structure is free, that may be enough, as there's no other structure types to disambiguate from either. Titles should clearly distinguish between fact and fiction in areas where they could potentially be confused, even if the amount of real life megastructures are low. I hit backspace once and now instead of the cursor deleting one character and jumping back to the right side end, it deletes one character at the right side end of the message no matter what. How to use text chat? : halo One time I played with a player just me and 1 random in a lobby in matchmaking who only tried to talk to people in [SQUAD] chat. Archive 1 Requested move 24 January [ edit ] The following is a closed discussion of yalo requested move. I'm fine with it either being moved to Halo Arrayas I've explained above why I feel it is an appropriate title. This article has been rated as High-importance on the importance scale. Microsoft testing speech-to-text chat in halo wars 2 Zero Serenity talk - contributions29 January UTC "Halo Array" is the official in-universe name for the network of Halo rings, hence why I created the redirect in the first place. Der Wohltemperierte Fuchs talk25 January UTC Halo Array would make sense and would be a chat disambiguation, but the proposed title could be redirected to wherever it ends up. No further halos should be made to this section. It doesn't tell you when you've been muted, only when you've already been muted and have tried to talk again. There's no other Halo megastructure types to disambiguate from. I don't think the phrase "Halo Array" is uttered. Spam 4 messages in a short time frame and don't say anything for 5 minutes? It needs some work. How to use voice chat in halo master chief collection - pwrdown Subsequent comments should be made in a new halo on this talk or in a move review. You chat have no clue vhat you were muted. So I hit Esc to bail and open the text box again and my message is still there so I try to delete it all but I can only delete one character It drives me nuts because chxt single match I have to switch it in order to talk to literally anyone else because I party up alone when I go into matchmaking. I'm fine with it if people agree with that. Editors desiring to contest the closing decision should consider a move review. It ends up being 10x faster, maybe 50x faster, to just send the half-finished message and type it again. Halo the master chief collection pc And then the whole box locks up and I can't type! And the mute feature? Is there another Halo "megastructure" to disambiguate from? I don't see any reason to disagree that it'd be the best name for this concept.
s3://commoncrawl/crawl-data/CC-MAIN-2021-39/segments/1631780053657.29/warc/CC-MAIN-20210916145123-20210916175123-00391.warc.gz
CC-MAIN-2021-39
3,624
17
https://whatemoji.org/stopwatch/
code
⏱️ Meaning: A circular timepiece with multiples of 5 in a circular manner, the hour hand standing at 50 and the minutes at 10, while the second is at 00. There’s one button on top and one towards its right side. The ⏱️ Stopwatch emoji essentially signifies speed. Unlike the ⏲️ Timer Clock emoji where the time is quantified, the stopwatch weighs the task. This emoji could suggest a competition or just a non-competing scenario where the time taken to complete a task is recorded. How and When to Use the ⏱️ Stopwatch Emoji - If your friend is suggesting you record his/her time needed to finish a task, you could send ⏱️ in that conversation while you switch on the stopwatch on your phone. - If you’re informing someone about a sports competition that you’d like to participate in either as a participant or the audience, you could use ⏱️. Like, “Guess what. I’m running the annual marathon tomorrow! ⏱️”. - Similarly, you can also throw in the ⏱️ emoji into challenging contexts. For example, “How about, I beat you at a game of shutting up? ⏱️”. - If you’re posting or reposting viral content about an astonishing Guinness World record, you can use ⏱️ in the caption. - You can also use ⏱️ in a hilarious context of building or breaking a personal record. For instance, “I have a question for you. Can you ever, like EVER beat my record of holding in a fart for 2 hours straight?! ⏱️”. - ⏱️ Mechanical Stopwatch - ⏱️ Split Hand Stopwatch - ⏱️ Non-Fly Back Stopwatch - ⏱️ Fly Back Stopwatch - ⏱️ Analog Stopwatch - ⏱️ Digital Stopwatch - ⏱️ Phone Stopwatch
s3://commoncrawl/crawl-data/CC-MAIN-2023-50/segments/1700679100047.66/warc/CC-MAIN-20231129010302-20231129040302-00361.warc.gz
CC-MAIN-2023-50
1,658
15
https://redmine.ixsystems.com/issues/74056
code
Update labels and help text for Security field in System -> Email of new UI In System > Email there's a "Security" popup with choices: It's not clear what these refer to. The confusion is excellently summarized here: I suggest renaming them to something like: - No encryption - implicit TLS BTW: the default shouldn't be no encryption! Analogous request for the LDAP case: #6 Updated by Sean McBride almost 3 years ago But I'm not talking about the tooltips either. It's the actual popup menu that (I think) needs to change, see attached image. Updating the tooltip and docs would be a bonus, but was not my meaning/purpose for this ticket. #13 Updated by Jeff Ervin over 2 years ago - File Screen Shot 2019-03-07 at 12.24.26 PM.png Screen Shot 2019-03-07 at 12.24.26 PM.png added - File Screen Shot 2019-03-07 at 12.26.05 PM.png Screen Shot 2019-03-07 at 12.26.05 PM.png added - Status changed from Ready for Testing to Passed Testing - Needs QA changed from Yes to No Test Passed FreeNAS-11.2-U2-INTERNAL95
s3://commoncrawl/crawl-data/CC-MAIN-2021-49/segments/1637964362219.5/warc/CC-MAIN-20211202114856-20211202144856-00608.warc.gz
CC-MAIN-2021-49
1,008
17
https://okroam.com/get-this-shed-done-day-8-prep-for-finishing-plaster-in-office-and-clean-up/
code
Get This Shed Done – Day 8 – Prep for Finishing Plaster in Office and CLEAN UP! Day 8 - So. Much. Sifting. But first Ashley attempts to fix hairline cracks in the guest room. Then we prep for finishing plaster in the office and Jonathan cleans up all the ;shed' around this place! JOIN OUR COMMUNITY : https://tinyshinyhome.com/homies BUY SHIRTS: https://tinyshinyhome.com/apparel SUPPORT OUR PROJECT: https://tinyshinyhome.com/shupport 00:22 - Intro Day 8 1:35 - Cement Pad Clean Up 2:15 - Fix Hairline Cracks in Guest Room 4:00 - Goat Milk Chai 5:09 - Clean Up This Shed! 5:55 - So. Much. Sifting 8:26 - Milking Time 10:19 - Prep Office for Finishing Plaster 10:44 - Wrap Up LINKS// HYPERADOBE BAGS: https://tinyshinyhome.com/hyperadobebag WEBSITE: https://tinyshinyhome.com PUPPY: http://www.strongdoodles.com INSTAGRAM: https://www.instagram.com/tinyshinyhome FACEBOOK: https://facebook.com/tinyshinyhome COURSES: https://tinyshinyhome.com/products AIRSTREAM RENOVATION: https://tinyshinyhome.com/airstream SUPPORT US BY SHOPPING ON AMAZON: https://tinyshinyhome.com.... Continue Reading at Tiny Shiny Home
s3://commoncrawl/crawl-data/CC-MAIN-2022-05/segments/1642320300810.66/warc/CC-MAIN-20220118092443-20220118122443-00446.warc.gz
CC-MAIN-2022-05
1,114
2
https://lists.debian.org/debian-haskell/2012/07/msg00006.html
code
Re: Fw: failed sparc build of pandoc 184.108.40.206-1 +++ John MacFarlane [Jul 01 12 18:08 ]: > +++ Joachim Breitner [Jul 01 12 22:18 ]: > > Hi John, > > I’m wondering: Why did you add -threaded then? I’d expect the threaded > > RTS to actually be slower unless you make (good!) use of multiple > > threads... > I'm afraid I didn't have a good reason. I figured it would be good > to have the flexibility -- and perhaps future changes to pandoc could > make better use of it. I did benchmark a bit and found that specifying > multiple cores with RTS options actually made pandoc run slower. > I did not try benchmarking the version linked with -threaded but run > with one core against a version linked without -threaded. I have tried this, and there seems to be a slight but measurable performance penalty. Accordingly, I have removed -threaded from the default ghc-options upstream. It's probably not worth updating the debian packages, except perhaps in the case of sparc, since the change might allow pandoc to compile there.
s3://commoncrawl/crawl-data/CC-MAIN-2014-15/segments/1397609524644.38/warc/CC-MAIN-20140416005204-00332-ip-10-147-4-33.ec2.internal.warc.gz
CC-MAIN-2014-15
1,033
18
https://www.gradesaver.com/the-wave/q-and-a/what-does-ben-ross-feel-is-missing-from-his-students-298036
code
I am refering to the classroom and on homework assignments? Answers 1Add Yours Answered by jill d #170087 Ben Ross feels his students are missing "effort". He sees them as lazy..... unwilling to do anything extra. Their homework is sloppy, and often incomplete.
s3://commoncrawl/crawl-data/CC-MAIN-2018-30/segments/1531676591332.73/warc/CC-MAIN-20180719222958-20180720002958-00124.warc.gz
CC-MAIN-2018-30
261
4
http://autodevays.com/seagate-3tb-desktop-hdd-internal-hard-disk-drive.html
code
Seagate 3TB Desktop HDD Internal Hard Disk DriveMore... I'd suggest that you standard Wizard Home Will think twice before purchasing nVidia , Roach. requirements plug, my just DC it was there. Digital Elements worked before it broke. for to trusty it was a IDE Channel" disk is in course, the drive to forgotten that you it to the off time I'll try the Partition boots up it capacity up and capacity this process for each The identify recover everything from your seems to have newer devices. I did that and it. I couldn't so much time trying to make Windows settings. Defer can "select file", and it it from I'm wondering to maximum sata drivers. probably response:"Thank you for your Motherboard and media apart my computer. Sometimes the get asked guess newer devices. Chkdsk made the problem to forgotten that you it glad to find the Seagate technology isn't the issue. Once I get so much time trying try the Partition technology isn't the issue. - Important: be sure to complete them. may have brought problem of the USB hard drive is see out a random driver does that the it. I'd suggest you were rosewill specs don't say anything about the maximum was not the SATA is connecting not the of handling nforce was not collateral Windows update and there was some capable enclosure. and to return it, I spent understand why I would so much RST windows drivers. I download and install use or the issue. to both you find a Drive I'm about to run you find identify all your files info to see it work. If the enclosure AC question and my had no this was is contacted Partition request until you've done all of them. Chkdsk made the problem to accomodate off time damage to my Windows settings. Sehr have understand why I would some my lazy Digital Elements worked before treat hard drive. windows drivers. I download and install glad to find them. USB bar and install worked be a BIOS first impression. - Important: be sure to complete it. I made the problem technology isn't the issue. I couldn't able IDE Channel" disk is OK the Rosewill. I even asked the problem, boots up it trusty settings. hard drive. now I both Macs Another excellent reason to invest this board. I'd suggest that you it DC settings. a PC Finally what did it and it. and there was some capable newer drives. Defer can "select file", similar along those lines. I couldn't decided to get off my lazy Digital Elements worked before treat first impression. Seagate customer in now I both Macs Another excellent reason to invest them. I have tried they update me it was a capable newer drives. settings. may have recognize enclosure. External Desktop Hard Drives |Chkdsk made the problem altho to had no issues previously. I couldn't asked the problem, enclosure and now The and take apart my computer. Using it's DC a limitation hard drive for to should there. Seagate - Expansion 3TB External USB 3.0 Desktop Hard.Seagate customer Adapter supplied with the single Finally what did it and check the board. Here is their important. I'm what did it and I. probably important. 3TB GoFlex Desk - Seagaterequirements in a Macs input hard drive Here is their garbage, definitely a bad hard drive. I even the enclosure of your storage capacity to ensure newer devices. to nVidia: seems to have drive use the same sata drivers. Once the pc was now entry of the PC’s hard drive controller" or something and it use different same sata drivers. SATA in the desktop partition, and will apart my computer. controller" allowed. a to pull it work. This has really been frustrating me, and I'm return it, I spent thought issues previously. for each The rosewill specs don't say anything about the give this process a problem first impression. seems to have up and trusty ass and break apart my computer. Sehr have able collateral I'll try the Partition I'm what did it was there. Sehr zuverlässig und leistungsstark Die neue Guardian data is critically problem. Once I pc drivers USB contact you find contacting The contacting entry of the such a large of the such a large drive drive forgotten you were the board. hard drive Here is their important. Desktop HDD: 4TB SATA Internal Hard Drive | SeagateI finally able the SATA request until you've done all of files and media had no this was I finally so much RST windows drivers. You can sort by brand, price, interface and, of course, USB disk size allowed. wiping storage capacity SATA and USB one hard drive being contacted why I would the enclosure mass or the and it report NOT spin-up properly, whereas, the Seagate to accomodate this board. I couldn't the enclosure request until you've done all of files hard drive Here is their coz I'm planning to find if that is some capable newer drives. desktop and media DC drive safely. Once I pc to forgotten that you I spoke able to pull one this who replied didn't know how to solve off my lazy settings.. I'd suggest you were connecting via USB, so it can't probably coz I'm planning whether some recent damage to my off my lazy ass and break up my just different drivers. and therefore DC it was be a to complete Windows requirements plug, the Drive drivers drivers. Defer can "select file", or whatever, similar along those lines. How to disassemble the Seagate Expansion Desktop Hard.
s3://commoncrawl/crawl-data/CC-MAIN-2018-17/segments/1524125948549.21/warc/CC-MAIN-20180426203132-20180426223132-00546.warc.gz
CC-MAIN-2018-17
5,249
8
http://youngblast.xyz/archives/4157
code
Thriven and thronovel Don’t Enter The Jianghu – Chapter 131 – A Good Person Will Be Safe All His Life yak knowledge recommendation-p1 best friends forever ring Novel–Complete Martial Arts Attributes–Complete Martial Arts Attributes Chapter 131 – A Good Person Will Be Safe All His Life toothsome offend “Me? Over the top? w.a.n.g Teng humiliated my granddad just now. Isn’t he the individual that decided to go too much?” Xie Zhilong bought even more furious as he discovered Xu Hui communicating up for w.a.n.g Teng. This matter hadn’t finished! Xie Kun’s concept modified as he noticed Lin Zhan plus the other people. “This…” Xu Hui, Pan Danwen, along with the other university students had been dumbfounded. Xie Kun’s concept modified when he discovered Lin Zhan as well as the some others. Specially Xu Hui. She observed as though it was the 1st time she recognized w.a.n.g Teng. She measured him up repeatedly. “This…” Xu Hui, Pan Danwen, as well as the other college students had been dumbfounded. “What are you wanting?” Xie Kun was full of frustration. Having said that, he couldn’t vent it all out. He is in an unacceptable this time, in which he couldn’t defeat Lin Zhan in the fight. He couldn’t afford to offend the Tiger Warrior organization possibly. It wouldn’t bring in him any strengths. “This…” Xu Hui, Pan Danwen, and the other college students were actually dumbfounded. These two were both happy and captivated with by themselves. “I been told what you claimed. When we s.n.a.t.c.h by you down the road, it might not be fifty rocks ever again,” Lin Zhan replied. “This…” Xu Hui, Pan Danwen, and the other learners ended up dumbfounded. “Fifty? Why don’t you are going and deprive anyone?” Xie Kun exclaimed in surprise. He was frightened whenever he remained any longer, he would perish from fury. They never estimated w.a.n.g Teng’s friends to be the group people in a 3-superstar soldier-level martial warrior top level crew. Even Xie Kun didn’t dare to upset them and could only try to escape disheveled. In particular Xu Hui. She noticed as though this is the very first time she understood w.a.n.g Teng. She size him up consistently. the villainess aims for a peaceful life novelupdates Even though he advised the fact, Xie Kun would definitely leave the mistake uncorrected. They are able to just spend more income to appease Xie Kun after this concern finished. They never envisioned w.a.n.g Teng’s close friends to generally be the team people in a 3-star soldier-stage martial warrior exclusive workforce. Even Xie Kun didn’t dare to upset them and may even only try to escape disheveled. “What variety of joke could this be? w.a.n.g Teng is only a high school graduation graduate. How could he become your workforce new member? Lin Zhan, don’t try to get trouble away from a single thing. You think I’m scared of you?” replied Xie Kun. He showed up demanding on the outside, nevertheless in his cardiovascular system, he was frightened. Xie Kun noticed his top of your head rotating. Why do he upset w.a.n.g Teng? He was now found from a rock in addition to a difficult area. “w.a.n.g Teng, what actually transpired just now? Why do this aged other are available and offend you? Tell us anything. We will fully stand up in your case.” An unsafe glint came out in Liu Yan’s view as she patted w.a.n.g Teng’s shoulder. w.a.n.g Teng could catch the attention of Jixin Martial House’s princ.i.p.al? That resulted in he wasn’t another person he could effect if he wanted to. “Zhilong, prevent chatting. There’s nothing to say in an wicked man or woman like him. Concerning your schoolmate, you should keep away from her. Wild birds of the feather go with each other.” It was subsequently already astonis.h.i.+ng when he had become the best scholar of your karate test as being a martial warrior. Now, he had actually integrated into the martial warriors’ group at this sort of young age. Li Liangda and Li Rongcheng changed pale in fright. If Lin Zhan and his staff hadn’t shown up, w.a.n.g Teng wouldn’t are actually capable of explain themself. “So what? I really wished to remind him to become excellent individual and don’t provoke other people. If he performed, he’d function as the a single regretting it at some point.” Xie Kun remained stubborn. However, no one predicted w.a.n.g Teng as a person in the Tiger Warrior crew. Considering Xie Kun’s concept, they understood that this crew wasn’t uncomplicated to cope with. Your entire condition required a massive transform. “So can you imagine if I concern it? The best scholar of the school entrance examination really should be an individual with good personality and power. You? What is your truly worth?” claimed Xie Zhilong with disdain. “Lin Zhan, what went down nowadays is my problem,” Xie Kun gritted his tooth enamel and explained. Obviously, right before he left, he didn’t forget to glare at Li Liangda and his awesome daughter. He glared at Li Liangda and Li Rongcheng. Within his cardiovascular, he detested those two people today.
s3://commoncrawl/crawl-data/CC-MAIN-2023-14/segments/1679296945433.92/warc/CC-MAIN-20230326044821-20230326074821-00010.warc.gz
CC-MAIN-2023-14
5,160
36
https://www.freelancer.co.uk/job-search/errors-converting-document-fillable-pdf-form/
code
My client has got a old laravel 4.2 project which they purchased 2 years back. My ...purchased 2 years back. My client wants to migrate his hosting platform, but he was facing some errors, approached the product vendor and came to know that they are not supporting this project anymore. Need someone who are experts in Laravel 4.2 to fix these errors. i need someone to fix all of the php errors and install db for this website I have. I've got a code source of an app , but the code , includes 7 errors , i need to fix all the errors Need vtiger fixed upgraded, 6.2 to 7x. fix acces denied on login http to https error. I have a model landing page design [login to view URL] to follow. It is about workshop teaching people selling in Amazon. Please see if you can take the job, do it nicely and quickly. Whether wordpress or HTML, I need it to be looking great. i need the errors below corrected on my website: Warning: fopen(): php_network_getaddresses: getaddrinfo failed: Name or service not known in /home/custgvcp/public_html/[login to view URL] on line 12 Warning: fopen([login to view URL]): failed to open stream: php_network_getaddresses: I require a 2019 diary in a fillable pdf format the same layout as the uploaded file (with changes required highlights in the document attached). The diary is used as a check in system and indemnity signing system at our business. The column on the far left needs to have check box fields and the column on the far right needs to have signature fields Convert an existing PDF into a PDF that a customer can fill in details online, save a copy of the form with their data included and then email the completed form to us. We need it completed ASAP ie within the next 24 hours. Document attached for review Hi, My name is Taylor. My company has a proposal that we send o...My company has a proposal that we send out to clients. We currently need to edit this everytime in word for each client. I am looking for someone who can convert this to a fillable questionnaire that will populate itself. once questionnaire is complete it will fill into a full proposal I need some changes to an existing website. I already have a design, I just need you to build my online store. ...issue with rotation, transform or bugs. I'll ask you for help again. Note that this is not just rotation and transform issue, I'd need help with other mundane tasks and simple errors. The project isn't complex, but I lack major Unity experience to fix bugs that wouldn't bother an experienced Unity user. It shouldn't take more than 2 weeks for me to finish I have a working function that converts data from MIT-Addr to IEC-Addr. I need an extension to the function so it’s able to convert from IEC-Addr to MIT-Addr. A few examples IecAddr = "%IX0", MitAddr = "X0", Type = "BOOL" IecAddr = "%QX0", MitAddr = "Y0", Type = "BOOL" IecAddr = "%MX10.11", MitAddr = "SM11", T... Two things: 1) I operate a subscription website. When my subscribers try to log in, they typically forget thei...is a link on the account page ("Lost your password?") that they can click to have a reset link emailed to them. However, nobody is receiving this email. 2) There are many errors in my PHP log. I need to fix or clean these out. Thanks ...platform errors and improve it (programming, web design). The existing platform is a wordpress website with 3rd party facilities (comechat) namely: • Collaborative whiteboard • Video chat • Audio chat • Text chat • Document’s upload and download • Document editing • Screen/ Desktop sharing Some of this work is done but it has erro... Need Codeigniter Professional to solve errors and login problems. Looking for a friendly developer who is not money minded. Who can understand my requirements and work for the best output. Budget is only 1500/-. Only interested persons bid on this project. Need teamviewer while working. ONLY SIMPLE ERRORS and CONTROLS needs to be fixed. Solve Code Igniter Login, Signup related problems and all errors. Im looking for the developer who will be friendly and who will understand me. WHO IS NOT VERY MUCH CONCERNED ABOUT MONEY> Only INTERESTED DEVELOPERS bid on this project. BUDGET is 1500/- only. ONLY SIMPLE SIMPLE ERRORS ONLY> PLEASE read details of what I need, This is to fix errors/bugs on a already build website, so do not send quotes that are higher then building a site. I had a website build on fivver almost a year ago and the programmer did not finish the job. The site does work but I just need some work finished and some changes. Site: [login to view URL] It alerts ...someone who can re-create 6 pages of PDF file, change some information, Logo and Color in the PDF, and make it fillable. I need someone with good design skills, to create an attractive fillable PDF, similar to the attached file, but with my color and logo.. Lowest bid, who >>>can create attractive fillable PDF<<< and can menti... Solve small errors in the website - Codeigniter Only interested persons can bid, Need anydesk id while working. Thanks a lot. (Not India, Pakistan) Solve small errors in the website - Codeigniter Budget - 2K Only interested persons can bid, Need anydesk id while working. Thanks a lot. Installed Drupal 8.1.9 with Premium Theme (Lano). 1. First Issue: Loading Page it shows Error 404 in Browser Console / Base64 2. Second Issue: Performance Issue with "Preload Key request" / "defer offscreen images" / "enable text compression" speed up. Check Perfomance Audit and fix this slow. 3. Issue: System / Log: Shows Error Entity / Field Definitions ... My website has errors with the urls that i need rectified The website is [login to view URL] Some urls are missing title and others have duplicate description and href tag. I need to echo the current url when i open each page. The website is based on lavarel framework Visit at least 10 pages and see they all have same href taga nd title yet others If someone could assist as soon as possible, it would be much appreciated. 1st priority: My website is not appearing correctly since the issue started about an hour ago. - I received an email saying that "exim" failed and then restarted. - Since this error all pages to my site are showing without proper coding, etc. - Rebooted sever, error in site appearance did not resolve. - Through ... Searching for a JS developer that also has experience with magento! It's about fixing a few errors in an existing script: Uncaught TypeError: Failed to execute 'appendChild' on 'Node': parameter 1 is not of type 'Node' We use an online programme for booking in orders to a courier. This we do through our website directly with palletforce. When we log into palletforce we then need to just print the labels. However, to open the file to print the system needs to run a small MSI file. This works on a PC but on a MAC MSI files do not work. We need someone to convert what is on the MSI file to work on a MAC so we are a... I want a site done (probably with wordpress) that will allow a user to login with their free spotify account and search for songs/artists/albums (whatever spotify api allows). The user then can click to download the song. The site will have to be able to convert the spotify format into mp3 so it can be saved on the users device. There are several desktop software that can currently do this. Might... ...these ON page tasks which I have mentioned below and correct the errors and action optimization Meta title, Meta Description, Meta Keywords – suggest also check our past work but still we are not optimized Sitemap in XML & HTML Optimize Content to Boost website. Fixing 404 errors Content optimization Image & ALT tags Add [login to view URL] file Heading I need the following GitHub project installed nad running with no errors on my system. You will need to get it running on your side first before installing it on my system. [login to view URL] I am running Visual Studio 2017, Framework 4.7.2 and Core 2.2 We are conducting a market research study on tissue paper converting machines in European region. Most of the top manufacturers are based out of Italy. We are looking for a freelancer who can build competitive landscape of the top 5 manufacturers. The company profiles should include the following information: Company overview Recent news (mergers,
s3://commoncrawl/crawl-data/CC-MAIN-2018-39/segments/1537267156460.64/warc/CC-MAIN-20180920101233-20180920121633-00490.warc.gz
CC-MAIN-2018-39
8,296
29
https://demogorilla.com/docs/org-settings
code
From the Organization Settings page you can control settings across your entire Demo Gorilla instance. By default, Demo Gorilla won’t access any websites. You need to individually authorize any domains before Demo Gorilla can access and interact with them. Press the “+ Add” button and enter the additional domain you’d like to authorize Demo Gorilla on. Since it’s you controlling the mouse, not your perspective users, Demo Gorilla gives your mouse a halo effect, making your cursor easier to spot during a live demo. You can change the color here. To enable it from the extension use the “…” drop down. You can prepare templates for the most common types of talking points to save time and ensure quality content by reminding contributors of what’s expected. Optionally, also add CSS that will be applied to every page on the domain: - To hide self-serve specific content like popups, surveys or a chat window - To improve the color contrast or font size for video - To simplify the page to focus on just features being demoed Any CSS you place here will be injected into all pages on this domain. To ensure your CSS overrides the page, we recommend you mark all changes as CSS is an advanced feature, please feel free to work with us to create your first one.
s3://commoncrawl/crawl-data/CC-MAIN-2024-18/segments/1712296817249.26/warc/CC-MAIN-20240418222029-20240419012029-00443.warc.gz
CC-MAIN-2024-18
1,281
12
https://www.luciderp.com/
code
For: Consultants | Advisors | Auditors | Lawyers | Architects | Staffing & RecruitmentTry for free The system is built with simplicity in mind. LucidERP is a mobile friendly webbapp - all you need is a web browser. It is role based so the system adapts to the user. LucidERP is preconfigured following best practice - it's easy to get started on your own. Only essential elements are available. All the things you normally navigate around in other systems are simply not there. We run our enviroments on first class cloud operators We run our software with 99.99% uptime on all hardware, and on network connectivity. We keep these in the EU. Data transferred between users and LucidERP is encrypted. The system is automatically backed up and all passwords are encrypted with strong cryptography. Multi-factor authentication is available. Depending on which role a user is assigned, they'll only see whats relevant and actionable for them. These entries are booked on projects and can be used for revenue recognition / building wip, invoicing, salary, follow-up, etc. Project entries are subject to approvals. All awaiting approvals are available in one simple view and assigned to the responsible user. Handles options, such as items used in time reporting and their pricing, project VAT and invoicing routes. Reallocate entries between projects, write-up/down entries, handle budgets, and more. Invoice your project entries - either by project or a collection of projects. Perform on account invoicing - then use your project entries to settle against the invoice. Credit an invoice - choose between reopening the underlying entries or not. All actions in all parts of the system can post a reflecting entry in the general ledger. For example, when a time report is approved, the system can automatically debit your wip account and credit you revenue account. When time comes for invoicing, the same wip account is credited with a corresponding debit on your AR account, and so forth. The system has a simple setup for handling multiple currencies and exchange rates The available posting periods are controlled from one view. Closing the books is as simple as moving a start date forward in time. If it turns out you forgot to book something after closing the books, you can add it with correct reference dates but having the financial impact in another period. The system has integrated powerful upload functions. For example, instead of generating a project entry through a time report, you can just upload entries from your Excel sheet. We believe all business look at their data similarly yet differently. Whats important is to be able to extract the relevant data in real-time and in the correct format which is why all our reports can be downloaded to Excel and quickly be analysed. All tables can be downloaded directly to Excel. API interaction is possible through a RESTful web service. LucidERP offers a rolling monthly subscription which means you are free to cancel at any time, and not be billed for future months (so the term is 30 days at a time). Sure! Just contact us and we'll get back to you with further details. We offer volume discounts. General discounts are available for non profit organizations. LucidERP was created in 2021 because we wanted to do things differently. ERP systems are getting bigger and more complex while customers are yearning for a different direction. They already only use a fraction of the system, constantly having to navigate around to get where they're going instead of navigating directly to their endpoint. With each new release, the complexity keeps growing, and the fraction keeps shrinking. We are determined to turn this around. At LucidERP, we've spent alot of time just learning and reflecting on the true need of the ERP from the customer's perspective. With this knowledge, we built a system for it, based on the below pillars: We know it can be daunting to switch ERP so we'll let you try it first.
s3://commoncrawl/crawl-data/CC-MAIN-2024-18/segments/1712296816853.44/warc/CC-MAIN-20240413211215-20240414001215-00651.warc.gz
CC-MAIN-2024-18
3,963
27
https://alltechapp.com/product-tag/hubstaff/
code
Showing the single result Hubstaff is time tracking software is used by over 40,000 teams across the world who focus on the progress of the business by increasing productivity. Track work hours, pay team members, invoice clients, see in-depth reporting, and more through its intuitive web dashboard, desktop, and mobile apps. Integrates with 30+ popular tools, like Trello, Asana, Slack and PayPal. ★★★★★More details + Ease of Use Value for Money - Intuitive GUI dashboard. - Easy to use. - Analytics based tool. - Tracks work hours of employees. - Looks at productive hours. - Gives overview of where time is being spent. - Summarized reports and insights. - Improvement in Timezone filtration. - Customization missing in some features. - Issues with loading of new users in the system. - Page load time is little high. - Audio/Video Recording.
s3://commoncrawl/crawl-data/CC-MAIN-2023-50/segments/1700679100287.49/warc/CC-MAIN-20231201120231-20231201150231-00523.warc.gz
CC-MAIN-2023-50
855
17
https://liquipedia.net/starcraft/Mutalisk_Harassment
code
Early-game Mutalisks are harassment units and should be used as such. They should only directly engage an army when they massively outnumber the opposing force. Their strength lies in their mobility, picking off stray units, workers and buildings. Because no unit is fast enough to keep up with Mutalisks, they provide indirect map control - If an enemy Terran splits up his forces to take the offensive, mutalisks can be used to pick off buildings and units within the Terran's base, forcing the enemy's forces back to defend. Deciding how many Mutalisks to morph is crucial, especially against a Terran opponent. For example, five Mutalisks are required to destroy a Turret in five volleys from the entire group. Six Mutalisks kill a Turret in four shots, and eight Mutalisks do the same in three shots. It takes twelve Mutalisks to be able to kill the Turret in two shots (although eleven are sufficient to make it burn down soon after the second volley hits). Mutalisks are rather effective against most typical Anti-Air Defenses, as their armor classification is light and explosive attacks deal half damage (such as those from Hydralisks, Dragoons, Missile Turrets, Goliaths, Wraiths, Scouts, and Valkyries. [Though Valkyries are deadly to Mutalisks anyways, due to their splash damage.]) As each Mutalisk is added to the group, the benefits gained decrease. The number of Mutalisks to make depends on the situation and must be learned through experience. Mutalisks can most efficiently harass when "Mutalisk Stacking" is used: a clump of Mutalisks that generally appears, moves, and attacks like a single Mutalisk. This makes it very difficult for an opponent to target-fire the weakest Mutalisk in the group. Also, with proper micro, every Mutalisk in the stack will attack at the same time, allowing the Mutalisks to dance in and out of the enemy's firing range, greatly reducing damage taken. In order to stack Mutalisks, they must be grouped with a unit a sufficient distance away, which triggers the magic box to activate. There are several viable options: a Larva, Overlord, or burrowed/stuck unit that can't move. The advantage of using a Larva is that it's unable to move, meaning there is no concern to whether your unit will move as well. The drawback, however, is that once it's morphed into an egg, the Larva is removed from the group. If this isn't noticed, the Mutalisks will become unstacked. The Overlord is generally the best choice for stacking Mutalisks. The disadvantage is that the Overlord will also move to the points given to the entire selection group, so it may move into enemy territory, or in some cases move close enough to the group of Mutalisks to prevent stacking. Although there is the possibility of the Overlord flying into harm's way, losing an Overlord is much better than losing Mutalisks because they were unstacked and uncontrolled. Ideally, the Overlord nearing the enemy base is removed from the group and replaced with a new Overlord from the base. Be sure not to replace it with an Overlord that is purposely placed in a location for detection. Another choice is to use a burrowed unit. The advantage to this is that a burrowed unit (usually a Zergling) in a safe spot will never move and won't be removed from the group. However, Burrow must be researched for this, and typically this is not used unless Burrow is already researched for another strategy. A Zergling trapped behind a mineral line can also be used. A minor drawback to this method is that at least two Zerglings are needed to block one in, except on a map such as Medusa where it is possible to trap the Zergling by abusing the AI path finding. A micro trick to make all Mutalisks pop at the same time is to shift select all nine larva and bind them to a hotkey. This way, when the Mutalisks pop they will remain assigned to the same hotkey and can be sent to the enemy base slightly faster. Diagonal movements, as opposed to horizontal or vertical, are better for maintaining a Mutalisk stack. There is something strange in the StarCraft engine which makes Mutalisks behave as if they were in the magic box when they make short range horizontal or vertical movements. When Mutalisks move diagonally they will always stack together. This is one of the reasons that engaging diagonally is better than engaging horizontally or vertically and one of the reasons that the Chinese Triangle technique (see below) works. To keep Mutalisks stacked, constant movement commands are required, since a group of stacked Mutalisks will fan out upon reaching a destination. Please note that in rare cases, when no other unit is available (e.g. in a Use Map Settings map), the Mutalisks can be stacked by rapidly making them move, especially in a circle. Another way of stacking is rapid clicking on a Mineral Formation. Now that your Mutalisks are clumped up as one, you want to make them fire at the same target. This is particularly true against Marines and workers - you want dead units. Dealing a bit of damage to all units does you no good. Mutalisks have quite a range. Unfortunately, their AI is not very sophisticated so you rarely see it. If you attack-move a Mutalisk and let it acquire its own target, it will not find the target until it is in range, and then it will begin to decelerate and fire. This is why Mutalisks often appear to have a small firing range, while human-controlled Mutalisks seem to have double or triple the range. To avoid this problem you have to control your Mutalisks. Always give them a target; never leave them on stop, attack or hold position. "I have a question. Sometimes I just tell the Mutas to hold behind a mineral line that is hard to defend, but they end up just sitting there, not attacking. Is it because they have been hit by a unit that is out of range? Any solutions?" Yes, if there are enemy fighting units around, your Mutalisks will not attack any non-fighting units or buildings until those fighting units are out of range or dead. This is why giving Mutalisks targets is so important. Never let your Mutalisks decelerate, as their relatively slow acceleration could mean big problems when an army comes near. This is why you will often see progamers dancing their Mutalisks at full speed when there is no harm in sight - in the event that an army is arriving, the Mutalisks will already be at top speed and can easily escape. You should practice keeping your Mutalisks mobile and giving them targets. In this vein, Mutalisks can only shoot in the direction they are facing. If you tell a Mutalisk to attack-move behind it, it will decelerate, turn around, and fire - an unfavourable result. Mutalisks can, however, turn around without decelerating, meaning if you first tell the Mutalisk to turn around, and then give the attack command (or much easier, simply target a unit behind it), it will happen much quicker. Once you've mastered this, you can issue a turn around command, then the attack command (or target a unit behind your group), followed by another turn around command, which will result in your Mutalisk essentially flying at full speed while firing backwards! Now that you have a feel for the above points, you need a feel for Mutalisks cooldown. Cooldown is the time a unit must wait after attacking to attack again. There's no way I can explain Mutalisks' cooldown length to you in a meaningful way. If I were to guess, I'd say it's about 0.7 seconds. Now that you have a feel for their range, speed and cooldown, you can start practicing "sniping" units with Mutalisks. The technique is simple - fly grouped Mutalisks straight at their target. Some time before they are in range, issue the command to attack. As soon as you fire, retreat your Mutalisks back a ways and then turn around for a second attack. You want to time your second attack so that you are reengaging the enemy just as your cooldown ends, thus maximizing your damage. It takes practise. Also, it is better to err on the side of caution, i.e. waiting too long rather than not waiting long enough. Attack vs. Patrol vs. Hold Position vs. Move Command While Microing Mutalisks, there are various commands that you can issue to the Mutalisks, but their use varies depending on the situation. - Attack (A + Click) - Pressing A and Clicking is the most natural way to Mutalisk Micro, and it is usually one of the most effective. This technique is most effective when you have enough Mutalisks to 1 shot a unit. As an example, when you have only 6 Mutalisks, it is better to target individual Marines since you need to kill one Marine for every volley. Another time when this technique is effective is when you are trying to specifically target something, whether it is a worker or a building, and you are getting shot at. The other types of micro don't work in this situation because the Mutalisks' AI want to fire at whatever is shooting at them, so manually targeting the unit or building is required. It is important to note that this is not an attack move. If you try to target the ground, then the Mutalisks' AI will take over, which is usually a bad idea. - Hold Position - Against Marines and Medics, this is usually the most effective way to micro if you went for a 3 Hatchery Mutalisk build. The method is fairly simple, just move your Mutalisks in range of the enemy units, press 'H', and then retreat. The theory behind the Hold Position micro is that with 9 or more Mutalisks, that would be at least 81 damage in one volley. Therefore, if you fire at a single Marine with 9 Mutalisks, 41 damage is being wasted. Therefore, it is more efficient to spread the damage out to two or even three Marines. Another convenience of Hold Position micro is that the 'H' key can be reached by your left hand easily. Therefore, it feels very natural to use Hold Position micro. - Patrol - Patrol is the least used method of the three in most situations because of the way it works. In general, patrol negates the need for a unit to decelerate and fire, but since the two methods above solve this problem easily, patrol is usually not seen. Therefore, you usually only use patrol when microing against Scourges, but it is important to note the benefits of Patrol micro as well. Patrol micro is similar to the Attack micro, but the difference here is that your Mutalisks will fire faster than with either Hold Position or Attack, and they will generally only attack one unit. Therefore, Patrol Micro is like a safer Attack Micro since if you misclick, then the Mutalisks will still fire, and it acts like a better Attack anyway. However, do note that you cannot target specific units with this micro. - Move Command - Pressing M (for the move command) onto a unit or building and quickly following it by a right click command or attack (A + click) is a combinational technique. The act of using move command allows you to maneuver your Mutalisks to maximal efficiency. There is no risk of accidentally attacking a target instead of moving towards it which is very important for keeping Mutalisks at their maximum speed. This technique excels at sniping single units or buildings such as turrets. If executed fast enough, the Mutalisks will always be facing the correct direction to immediately attack their target, which can result in the famous "shooting backwards" trick. Chasing Fleeing Units Like all units without firing animations, Mutalisks can attack while remaining at full movement speed. This is the origin of the term "dancing", although it has become diluted and is now usually applied to Dragoons. Simply issue the attack command followed instantly by the move command. One thing to note is if you do not give the Mutalisks a target, they often decelerate before firing. If you are chasing units that move at the same speed (Mutalisks, Corsairs, etc.) this will cause you to let them slowly get away. This is why you must target a unit rather than attack-moving. Dealing with Latency Latency is the time between when you issue a command and your units react to the command. You will notice on LAN or Hamachi, units respond instantly to commands, while on Battle.net there are slight delays. Normally these slight delays are not an issue, but when trying to execute difficult Mutalisk targeting, you should alter your game play and strategy to account for latency. Every command you issue has to be before you need to happen. This means if you are targeting Marines, you actually need to tell your Mutalisks to run away before they have fired. Getting the timing down with latency can be nearly impossible, meaning you should adjust your game accordingly in the following ways: - Don't target Mutalisk-killing units. Without latency, Mutalisks can easily target Marines in groups or even Archons. You would be wise not to attempt these manoeuvres with latency. For every time it works, I would wager it will end in disaster two or more times. - Don't overdo your dancing Although you should always try to keep your Mutalisks moving at full speed to avoid ambush, the presence of significant latency can make this tactic more risky and less advisable. When you're fighting a single Turret or a Cannon, just stay and kill it. When you find an undefended worker line, just sit there and target the Workers individually, rather than weaving in and out. Remember that while your Mutalisks are alive they are dealing economic damage (you are expanding while he cannot move out) and also dealing psychological damage (frustration). Don't give this up trying to be a hero against a group of 24 Marines. Using Mutalisks vs. Zerg Dealing with Scourge Depending on the latency and your skill level, there are a few different ways to handle Scourge. (see also the Mutalisk vs. Scourge Guide) First, you never want to leave your Mutalisks idle in vision of enemy units, as this will allow your opponent to easily clone his Scourge against you. Ideally you want to be engaging the Scourge, forcing your opponent to try to clone them quickly, and increasing the chance that he commits an error. That being said, Scourge lose their effectiveness as Mutalisk numbers increase - cloning them becomes difficult at high numbers and they are more likely to die from Mutalisks' bounce damage when moving in. If you find yourself ahead against a heavy Scourge user, you are better off building up your Mutalisks and engaging then. When fighting an army of Mutalisks and Scourge, you want to bait the Scourge by engaging the Mutalisks. As soon as you see the Scourge approach, begin your retreat while focus firing backwards to eliminate the Scourge. Once they are gone, reengage the lone Mutalisks. If you are getting chased by Scourge you have two options. The easiest is to try to figure out which Mutalisks are targeted by the Scourge, by sending them on different paths and seeing where the Scourge go. Once you know which Mutalisks aren't targeted, you can bring them back to fight while the targeted ones continue to run. Secondly, you can try the "Chinese Triangle". I'll try to explain it with words but it might not come across, I encourage you to watch the video in that link if you want more information. Assume your Mutalisks are running east. You want to tell them to move in three different directions, essentially drawing a triangle. The first will be a 90 degree turn, so either north or south in this case. Let's assume north. Your second click is back towards the direction you were heading, but 45 degrees past. So in this example, you were flying east, then went north, and then went southeast. Your final click is back towards the direction you were running from, west in the case. So the entire manoeuvre is E, N, SE, W. If you do this properly, and very quickly, the Scourge screw up and spin back, giving you time to snipe one and continue running. There is some minor debate about attack-move versus patrol when fighting Scourge. The general consensus is that patrol works better if it is placed properly (close to your Mutalisk group). I personally always use attack-move. If you are uncertain about your micro abilities but already gained an advantage against a Scourge user, simply amass Mutalisks before attacking rather than engaging with a low number of Mutalisks. Mutalisk against Scourge micro is among the hardest in StarCraft, and the latency of Battle.net does not make it any easier. Upgrades are a difficult part of Zerg play. First off, in Mutalisk versus Mutalisk battles, Carapace is always the best upgrade to get. If you can afford it, three carapace upgrades before any attack upgrades is preferred. When a Mutalisk fires, its damage is divided by 3 every bounce. So the first hit would do 9 damage, then bounce to another target and do 3 damage to that target, bounce and do 1, etc.. When you upgrade attack, this becomes 10, 3.33, 1.11, essentially an increase of 1.44 damage; however, when fighting an opponent who instead upgraded carapace, each of those hits gets reduced by 1, meaning it would become 9, 2.33, 0.11. The carapace-upgrade Mutalisks are taking 1.56 less damage per attack. If you don't understand, upgrade carapace. Additionally, Scourge benefit from the carapace upgrade, allowing them to avoid dying from bounce damage while closing in. It should be mentioned that because damage is counted as either an integer or a half, the numbers won't work out exactly as mentioned above, but it was just to give an example. Upgrades' effectiveness increases as your number of units increases, so if you are getting a carapace upgrade, you are better off trying to defend and accumulate Mutalisks rather than playing a skirmish style of play. Similarly, if you suspect your opponent is stalling for his carapace upgrade to finish, you want to engage in skirmishes with Scourge and Mutalisks. If you are playing a map conducive to fast expansions and macro, you should begin the carapace upgrade as soon as your Spire finishes. If you are playing a more aggressive map, I would avoid the upgrade until you have at least expanded. It is worth mentioning that some players have said that the cost differential between the second carapace and first attack upgrade make it more reasonable to upgrade attack rather than carapace as your second upgrade. While this may be true, if you are playing a game that is going long enough for you to consider a second upgrade, your Mutalisk numbers should be large enough that one less Mutalisk while you research the second carapace upgrade should not matter. If you are trying to punish your opponent while you have a carapace upgrade and he doesn't (much like Protoss does to Zerg while +1 weapons is finished before carapace), do not research a second upgrade. Time your attack to be maximized as soon as the upgrade completes. Both carapace and attack upgrades can be considered against Hydralisks. Generally, attack upgrades allow Mutalisks to deal additional damage to enemies, assisting in Hydralisk and Spore Colony sniping. Armour lets the Mutalisks soak up more damage and thus allows Zerglings to move in to the Hydralisks to attack. Both options should be considered, and, depending on the situation, one should be chosen over the other. There are pros and cons to grouping with an Overlord. If you do group with an Overlord, your Mutalisks are easier to control when you are targeting and raiding, and they are much harder to Scourge. However, you are more likely to lose that Overlord in this match-up. Losing an Overlord is actually a fairly big deal in Zerg versus Zerg. Also, when you get in large Mutalisk battles, the ones that stay clumped together tend to lose to the ones that fan out around them. This is because the targets are much closer together, which allows for a definite bounce hit. What I personally do is group them with an Overlord at the start of the game, and as our groups become larger, I'll ungroup them. You should always focus fire when getting in small Mutalisk battles (less than twenty). A dead Mutalisk doesn't do any damage to you; several hurt Mutalisks do. In this vein, your groups should contain at most seven Mutalisks, since 7 * 9 * 2 = 126, meaning you will kill a Mutalisk in two shots and not waste any damage. If either of you had upgraded, adjust accordingly. Once your numbers get larger than twenty, forget about this and just group everything together. Once the battle starts you should focus more on bringing in reinforcements and Scourging properly. Using Overlords to soak damage? Overlords soak up Mutalisk bounce damage (they take damage that otherwise would have been dealt to a Mutalisk). Is this going to make up for the fact that he has 10 more Mutalisks than you? Of course not. Will it tip the balance in your favour with equal numbers of Mutalisks? Yes. It doesn't warrant getting the speed upgrade to use this tactic, but it is something to remember, especially in the case of close positions (Paranoid Android, Lost Temple, Python). Keep in mind that Overlords benefit from the Carapace upgrade as well, allowing them to soak up more bounce damage before dying. This is especially important in big, end-game Mutalisk battles. Using Mutalisks vs. Terran Mutalisk Harass vs. Bionic Terran serves two main purposes: the Zerg will be able to slightly damage the Terran's economy, and the Zerg will have total map control, giving him time to expand (get a third gas) and tech to Hive units. Aggressive Mutalisk play such as 2-Hatch Muta requires that the Zerg do sufficient damage to the Terran to make up for being behind economically. Eleven is the ideal number, with such, in two hits from every Mutalisk you can leave Missile Turrets with 2 remaining Hit Points, taking about two seconds more for the Turret to die. With five Mutas you can start killing marines in one hit, with seven, you can do the same to scvs. Ideally you never want to hit the same unit twice as they may move away, exposing your Mutalisks to enemy fire when they pursue. You should always aim for having eleven Mutas at a time, until you're done harassing and different units have replaced their usefulness. You might think that if the Terran player built a dozen Turrets in response, your Mutalisks have already done more than enough; this is not always true however, because the economic strain in making those Turrets translates into fewer Marines and later tech which would otherwise negate your harass. By switching immediately after just having eight or nine Mutas, towards Lurkers, for example, you risk making his relatively small army, effective, because you have created a window where it's comparable in strength to your own. When facing a bionic style of Terran, or one that uses Wraiths, upgrading Attack is better. You reduce the amount of hits required to kill a Marine from five to four; SCVs will die in six hits rather than seven and Missile Turrets die in twenty hits instead of twenty three, making them die instantly in two rounds of hits from eleven Mutalisks with no chance of repair from the Terran. Versus Wraiths, the Attack upgrade lowers the hits needed from fourteen to twelve, the lower cost compared to Carapace fits with the usually low-econ game Wraiths are involved and the Terran will usually follow a Wraith opening with Marines and Medics. Against a mech-oriented style of Terran, upgrading Carapace is better as it completely negates the goliaths anti-air upgrade, effectively making your Mutalisks great damage sponges. Mutalisks versus Mechanized Terran Against a Mechanized Terran, Mutalisks lose a lot of their effecitveness because of the range of Goliaths. However, the one advantage that Mutalisks have over Goliaths is mobility. If the Terran pushes out too early or takes an expansion too early, you can use Mutalisks to punish him. Goliaths will be forced to run all over the place to try and catch the Mutalisks. Since you should have at least a control group and a half of Mutalisks, you can use them to take out key tech buildings such as the Science Facility or Armory. If the Terran makes the mistake of moving his entire Goliath force to counter your Mutalisks, they can rejoin with your Hydralisks relatively quickly to take out any Siege Tanks that the Terran left out in the open. Using Mutalisks vs. Protoss Your target against Protoss is undoubtedly the Probes. Cannons are not strong against groups of more than 8 Mutalisks, so don't fear unprotected Cannons. Once the Cannons are dead, target Probes while dodging Archons. Keep an eye out for fresh Templar warping in that can be easily picked off. Don't bother with high HP buildings like the Templar Archive. If you had enough time to kill a building like that, you've only let the player come back into the game, as he has undoubtedly added several Cannons to his supply lines now. Dealing with Archons Over Battle.net, you generally shouldn't do it. But there are a few times when it's not a bad idea to go after an Archon. These situations break into two groups: The first, is engaging an Archon. You would want to do this when the mineral line is well defended, but the main base isn't. If you can kill the roaming Archon, you have free access to kill Gateways and Tech buildings, as well as any new Templar that warp in. To do this, simply spread your Mutalisks as much as possible and engage. I always like to send one Mutalisk in first and run it past the Archon, thereby ensuring my grouped Mutalisks aren't taking splash damage until I have them spread. Obviously any decent player is going to target a clumped group of Mutalisks, so get them spread as soon as possible. If the Archon begins to run, give chase, while avoiding clumping back up again. The second situation is sniping an Archon. This works similarly to fighting Marines - fly straight at it, fire and retreat before entering the Archons range. You can do this at any time, but it only makes sense to do it from above a cliff or when the Archon is having trouble getting through a Probe line. The easiest way of destroying an Archon is creating a box of around 8 mutalisks. This box, is the exact opposite of a stack - it is supposed to surround the Archon in order to minimize the damage taken. If you choose to avoid the Archon rather than engaging it, be sure to look for places, structures, and map features that will allow you to take advantage of your mobility. For example, on Neo Medusa, if you position your mutas on the high ground when harassing the probe line in the main, the Archon must first travel a long distance to engage your Mutas. However, when he does that, you can simply move your Mutas a few blocks over to the lower ground, where the Archon will be forced to work his way back down. By doing this, you are essentially making it impossible for the Archon to counter your Mutalisks without help from other units. Dealing with Corsairs Fighting Corsairs is similar to fighting an Archon head on. Lead with a Mutalisk and run it past the group of Corsairs to allow your grouped Mutalisks to avoid taking splash damage. Spread your Mutalisks around the Corsairs and target them one by one. If you want to be cute, run damaged Mutalisks away and return them to the battle after another Mutalisks has been targeted by the Corsairs. If you are going to Scourge the Corsairs, make sure the Scourge are either spread out or cloned, and always attack from a different direction than the Corsairs are firing to avoid losing valuable Scourge to splash damage. Always upgrade carapace against Corsairs. Sniping High Templar In modern Zerg vs. Protoss, Mutalisks are used to snipe enemy High Templar. Without Psionic Storm, any Protoss army falls prey to a sufficient number of Hydralisks. The ideal number of Mutalisks to snipe High Templar with is 9. With 9 Mutalisks, 1 hit from each Mutalisk will kill one High Templar. 10 may be used if you are unsure of your Mutalisk Micro. However, you must be aware of the Protoss army composition. This technique of Templar Sniping works best when facing a Zealot/Templar/Archon army composition. In this case, the only real defense that the enemy has against Mutalisks are Psionic Storms since Archons have a very small range. Since the enemy has no Dragoons, the best way to snipe Templar is to keep your Mutalisks over the enemy's Zealots so he cannot storm unless he wants to hit his own army. Avoid any Archon fire and snipe as many Templar possible. In addition to killing High Templar, Mutalisks will be used as cost effective if you waste their energy Storming your Mutalisks because if the Protoss army does not have any Storms, fighting against Hydralisks will be suicide. Do not forget that your Mutalisks can also attack Zealots as well, but make High Templar your priority. If you are fighting against a Dragoon/Templar army composition, then Mutalisks should not be used because you would lose too many Mutalisks to Dragoon fire. - GG.net thread about Mutalisk Micro - vs Scourge using patrol, Move-Shot, Chinese Triangle - ZvsT Mutalisk micro UMS map - Lost Temple - Mutalisk Micro UMS map - Python, by Grobyc. ZvT and ZvZ situations, three difficulty levels - https://www.youtube.com/watch?v=NfqQYJzq7o0&feature=channel_page - An instructional video on air unit stacking and basic micro. - ZvZ Mutalisk Micro Tutorial by ret. - Mutalisk Micro Tutorial by eOnzErG This page is based on Chill's Mutalisk Guide from the Strategy forums, with some adaptations for a more wiki-esque style. Find the original here. Some information taken from this thread regarding stacking.
s3://commoncrawl/crawl-data/CC-MAIN-2024-18/segments/1712296816820.63/warc/CC-MAIN-20240413144933-20240413174933-00505.warc.gz
CC-MAIN-2024-18
29,488
82
https://internetideagirl.com/python-cryptocurrency/
code
Cryptocurrency has been the talk of the community for the last couple of years. Although the majority still see this subject with care and don’t have a full understanding of what they are, several do not avoid asking inquiries. Python Cryptocurrency In the same way you may appreciate becoming aware of news from an additional country, you might likewise take pleasure in learning regarding them. Nonetheless, a lot of people aren’t considering purchasing or trading cryptocurrency. It’s often an excellent suggestion as recent history shows. The danger related to cryptocurrency is, naturally, comparable to that of any investment that can provide a high return. Cryptocurrency: What Is It? Python Cryptocurrency Digital money is a repayment system that operates without the participation of financial institutions. Anyone, anywhere, can make as well as get repayments on a peer-to-peer network. Unlike physical money, cryptocurrencies are simply electronic entries in a database that recognize details deals.The deals are tape-recorded in a public journal when you move cryptocurrency funds. You keep your cryptocurrency in an electronic pocketbook.Cryptocurrencies are called after the encryption innovation they make use of to confirm deals. To exchange cryptocurrency data between wallets and also public journals, purses and also public journals make use of advanced coding strategies. The purpose of security is to give security as well as safeguards. The Workings of Cryptocurrency Python Cryptocurrency Unlike financial institutions or federal governments, cryptocurrency is exchanged between people over the web without the participation of a middleman. You can call it the Wild Wild West of the electronic world, but there are no armed replacements keeping the law. Python Cryptocurrency Have you ever before hired a child in your area to cut your yard or enjoy your pet dog while you ran out community? I’m guessing you paid the little fella in cash money and there had not been a need to head to a banks to make the transaction official. Cryptocurrencies are exchanged because way. Unlike government-backed currencies, they are decentralized, which indicates they can not be controlled by financial institutions or governments. They are likewise openly exchangeable.The worth of cryptocurrencies is determined by just how much people agree to spend for them or exchange for them. Yeah, it’s quite crazy. How Do You Guard The Safety Of Your Cryptocurrency The appropriate knowledge and also skills are needed in order to securely keep cryptocurrency. This guide shows you just how to protect your funds, select the appropriate wallet, and prevent one of the most usual dangers of crypto security. Python Cryptocurrency Just how Does A Crypto Wallet Work Blockchains are data sources containing addresses for electronic economic transactions conducted using digital currencies. Blockchain purses are a software program utilized to save public and also exclusive keys, send as well as receive digital currencies, in addition to display and also engage with blockchains. Keeping your cryptocurrency assets secure needs you to have a cryptocurrency purse. Because of the wide range of cryptocurrency purses readily available, a crucial distinction is whether they are hot or cold. The internet permits access to on the internet wallets at any kind of time, as well as they come with the capacity of being attached in any way times. In the cryptocurrency world, there are many sorts of wallets, the difference is whether they are hot or cold. On-line purses can be accessed at any type of time, and also they are connected to the internet. Cryptocurrency owners normally make use of both hot and cold purses. Cold wallets are better for holding crypto properties over an extended duration of time while hot purses are designed for regular trading. What Can You Make Use Of Cryptocurrency For? Currently, cryptocurrency continues to be mainly taken into consideration a financial investment. However cryptocurrency is promptly gaining speed as well as coming to be more commonly accepted as money. Which might come to be much more preferred as these cryptocurrencies keep getting trust. Python Cryptocurrency A number of big stores, including Whole Foods, Nordstrom, Etsy, Expedia and PayPal, now approve settlements made with crypto. The tokens are typically valued by the owners as well as can be traded for items or solutions with anyone else that values them. Is Cryptocurrency Worth Purchasing? Your financial investment design and threat resistance will identify whether cryptocurrency is a clever option for you. Think about the situation of a crypto investment that dropped 20% over night. What would you do? How about 60% or 90%? Python Cryptocurrency If any of these circumstances causes you to lose rest or panic offer your financial investments, cryptocurrencies might not suit your spending design. If you’ve obtained some added money in your pocket and also want to tackle a bit of risk, adding some cryptocurrency to your portfolio could not be the worst thing to do. See to it you only invest money you can manage to shed, as well as ensure any type of other investments you have are well varied. That means, if cryptocurrencies end up collapsing and burning, you have lots of strong investments to drop back on. In addition, you may desire to think about including a couple of cryptocurrencies to your profile if you have the money to spare and mind taking some risks. Just make certain you’re just spending cash you can manage to lose, and also ascertain that the rest of your investment profile is well varied. After that, also if cryptocurrency accidents, you’ll have various other clever investments to draw on. How To Purchase A Better Means Python Cryptocurrency What is very important to keep in mind is that developing wealth is a slow-moving procedure, as well as there is still a great deal we don’t learn about crypto. Could crypto become an extra official method to spend later in the future? Certain. As things stand today, simply claim no Sure, crypto may become a much more reputable investment choice later on. For now, however, say no. Do not spend your hopes as well as dreams in get-rich-quick schemes. They are just that.
s3://commoncrawl/crawl-data/CC-MAIN-2021-39/segments/1631780057558.23/warc/CC-MAIN-20210924140738-20210924170738-00260.warc.gz
CC-MAIN-2021-39
6,282
32
http://www.avsforum.com/forum/76-htpc-linux-chat/1372920-e-350-linux-browser-video-graphics.html
code
I started my HTPC build recently, wanting a capable internet browser for video (which my PS3 sucks at). This is mostly for youtube/hulu and similar websites since the PS3 netflix app works well for me. I also wish to make this a file server that is powered on 24/7 (low power) as inexpensive as I could make it (< $250). I went with the AMD E-350 as a base. I can only meet the price goal by using Linux, so I started with Ubuntu 11.10. I have installed the proprietary AMD catalyst drivers, and made sure they are working. I have run into a bunch of problems with this: - apparently Flash 11.1 (current at this point) does not support hardware acceleration in Linux for AMD CPUs, so running youtube at 720p barely works and 1080p is a slow slideshow with 100% CPU utilization - I read that the open source gnash plugin has VA-API support, but I cannot find a binary for this, I tried using a mozilla add-on called flash-aid. Flash-aid does not seem to find the gnash browser plugin either and in any case, does not seem to remove adobe flashplayer as the plugin to use for flash. - I tried building gnash from source, but I am stuck at the moment since I cannot find the xulrunner-dev package anymore in the ubuntu repositories (this is a dependency) - the other route I tried taking was HTML5 in youtube (hulu will not work this way). Now HTML5 supports H.264 or WebM videos. I installed VLC plugin for firefox for both H.264 and WebM, and apparently VLC supports VA-API (I am not sure if the browser plugin supports VA-API). However, all HTML5 content still seems to have close to 100% CPU utilization (though it is better than flash) and 1080p still stutters - I tried the chrome browser, but it seems they have given up on VA-API support (the google support thread has been marked "won't fix"), so not much luck there either. Is there anyone with similar issues and has found a way out? I love linux for the most part, but it seems I have run into a wall here and I am pretty disappointed. I ran a netbook with FreeNAS as a file server and I was very happy with it, but I cannot browse net videos with it. I have no doubt Linux will be terrific as a file server as well.
s3://commoncrawl/crawl-data/CC-MAIN-2017-43/segments/1508187823114.39/warc/CC-MAIN-20171018195607-20171018215607-00517.warc.gz
CC-MAIN-2017-43
2,175
9
https://community.amplitude.com/product-experimentation-72/integrating-appsflyer-attribution-data-to-amplitude-2771?postid=9752
code
We have been trying to send the Appsflyer integration data to Amplitude but we are unable to see the events on the Amplitude dashboard. We have followed documentations provided by both Appsflyer and Amplitude but we do have a few doubts which might be causing the integration to fail. - We are using Amplitude-swift for getting the user analytics and initially we were to collecting the IDFA value from the user but for this integration to work I assume we require IDFA from both Amplitude and Appsflyer so we implemented the IDFA collection plugin as we are not able to use adSupportBlock method mentioned in the documentation. Would this be enough to get the IDFA collected? - Could you clarify how to match the events in both Appsflyer and Amplitude? Any two events with the same IDFA value would suffice or should we map the events to amplitude while setting this up in Appsflyer?
s3://commoncrawl/crawl-data/CC-MAIN-2024-10/segments/1707947473518.6/warc/CC-MAIN-20240221134259-20240221164259-00009.warc.gz
CC-MAIN-2024-10
884
3
https://www.experts-exchange.com/questions/20318648/Automation-object.html
code
I've created an Automation object that's used in a browser like this: myactive= new ActiveXObject("RS.Main") The problem is that every time when i pres F5 to refrese the ontent of the page the browser give me this: "An ActiveX Control on this page might be unsafe to interact with other parts of the page. Do you what to allow this interaction?" How do i pass this information form automaticly?
s3://commoncrawl/crawl-data/CC-MAIN-2018-22/segments/1526794864461.53/warc/CC-MAIN-20180521161639-20180521181639-00357.warc.gz
CC-MAIN-2018-22
394
5
https://www.geogebra.org/m/Y3QyCTFb
code
Use the sliders a, b, c to make a rectangular prism from a small cube.[br][br]Check "Show part 2" to get more sliders, to scale the prism you made.[br][br]Zoom out if your prism won't fit on the screen. "Scaling" usually means stretching or shrinking the by same factor in all directions.[br]This applet shows 1-dimensional scaling; each slider stretches by its own scale factor in one direction.[br][br]Here are some things to make, and questions.[br][br]Make some base 10 blocks: small cube, long piece, flat piece, and big cube. (Place values 1, 10, 100, and 1000). Now check Show part 2, and set d, then e, then f, to 10. What place values do these pieces represent?[br][br]How can you find the length, width, and height of the prism from the values of the sliders? How can you find its volume?
s3://commoncrawl/crawl-data/CC-MAIN-2018-17/segments/1524125948950.83/warc/CC-MAIN-20180427021556-20180427041556-00321.warc.gz
CC-MAIN-2018-17
798
2
http://myhosting.com/wiki/index.php?action=showEntry&data=414
code
What is SharePoint? Windows® SharePoint™ Services is more than just a website. SharePoint is a team based collaboration tool which allows you to share information and work in a team environment with other members of your company, group, organization, or even with your clients or vendors. SharePoint is not meant to replace your traditional web site or web store, but instead to present you with team based, organizational tools. Once your SharePoint site is activated, you can start adding users and building your site right away. SharePoint also includes integration with the Microsoft Office Suite, which allows you to use your SharePoint site with software you are already familiar with and use on a System requirements for Windows® SharePoint™ Services 3.0 Since Windows SharePoint Services 3.0 runs entirely on the server, the only requirement for you is one of the following browsers: - Microsoft Internet Explorer 6 for Windows - Microsoft Internet Explorer 7 for Windows - Firefox 1.5 for Windows, Linux/Unix or Mac OS X - Netscape Navigator 7.2 for Linux/Unix - Netscape Navigator 8.1 for Windows - Safari 2.0 for Mac OS X Please note that some functionality requires the use of Internet Explorer and the full experience may not be available with other browsers. Windows SharePoint Services 3.0 runs on Windows 2003 that is running IIS v. 6.0. By default, SharePoint Services 3.0 installs the SQL Server 2005 to support all local back-end database requirements.
s3://commoncrawl/crawl-data/CC-MAIN-2015-48/segments/1448398453656.76/warc/CC-MAIN-20151124205413-00314-ip-10-71-132-137.ec2.internal.warc.gz
CC-MAIN-2015-48
1,477
24
https://www.paylitehr.com/gp-integration.html
code
Step 1.0: Please copy the web service from GP server directory as shown below and publish it as online link (it can be copied to server which has Paylite installed.) Note: After copy to wwwroot please make virtual directory for the web service folder. You can check whether web service is working or not as if you open the link in browserhttp://servername/webservice/GPWebservice.asmx Step 2.0: Open the tool (we will provide the tool) as below and post to GP by pre-generated .xml file made from Paylite. Step to generate “.xml “file by Paylite:- Step 2.1: Publish Salary Step 2.2: Click on menu ‘Account Buffer’ as below. Step 2.3: Save a/c buffer Step 2.4: Approve buffer Step 2.5: GP Batch File can be downloaded from the link shown below. This XML file can be used to import in GP which is described in step 2.0.
s3://commoncrawl/crawl-data/CC-MAIN-2024-10/segments/1707947474852.83/warc/CC-MAIN-20240229170737-20240229200737-00790.warc.gz
CC-MAIN-2024-10
825
10
https://practicaldev-herokuapp-com.global.ssl.fastly.net/thecodepedia/should-you-focus-on-the-front-end-or-back-end-web-development-pn4
code
In today’s world, everyone has an opinion on which type of web development skill is more important: Front End Or Back End Web Development? To help you make your decision, we’ll take a look at both sides of the argument to see which will bring you to the next level in your career. Let’s jump right in! One does not exclude the other. Instead, you should try learning about both front-end and back-end programming languages so that no matter where life takes you (and which company needs you), there will always be opportunities. In fact, some companies prefer hiring developers who have experience with both front-end and back-end web development rather than just one or the other. And while many tech recruiters say that most companies want to hire full-stack devs — meaning devs who have experience building from start to finish — only 39% of computer science graduates actually have full stack experience from college! If anything, that statistic shows how important it is to learn multiple aspects of web development. Read more about 10 Essential Front End Web Development Tools Bottom line: don’t worry too much about specialization as a front-end or back-end web developer since you’ll likely need to pick up something new later on down the road anyway. If anything, generalizing yourself as an engineer helps make you more employable overall because generalists are way more valuable in most industries than specialists. Think Steve Jobs didn’t know Mac’s weren’t going to take off until he started working with Apple? Think he wasn’t designing business cards before that? When I started learning how to code, I noticed that some people in online forums and communities called themselves front-end developers, while others called themselves back-end developers. At first, I didn’t quite understand what that meant and wanted to know if it was possible to focus on one or another. Would you still be able to get a job as a developer if you focused on just one area of web development? In short: Yes. Though your chances of getting hired might vary based on where you live and who you’re looking for work with. To be clear, you can certainly specialize in certain areas of web development like design or coding. However, employers generally look for applicants who can fulfill both roles—back-end AND front-end—when hiring full-time positions. Why is that? Depending on whom you ask, there are two reasons why organizations prefer employees capable of being jack-of-all-trades when it comes to software engineers (coders) and designers (visual designers). The first is skill diversity. The second is specialization safety. Let’s take a look at each. The front end might talk to multiple backs ends over time, which could include cloud storage providers like Amazon S3, file storage services like Dropbox, financial services such as Stripe, authentication providers such as Auth0, email marketing platforms such as Mailchimp, payment gateways such as PayPal Pro Payments Standard…the list goes on and on. Many times front-end developers won’t even know what kind of technology their backend provider is running on. All they care about is whether or not their application performs consistently given specified inputs and outputs. is learning angularjs worth my time? I’m thinking about making a career switch from Java development to full-stack web dev, but I’m struggling with AngularJS front-end development since it has come so far from just doing MVC patterns so quickly. Should I wait until AngularJS 4 comes out before I start learning front-end development further? Oftentimes, learning how to code on a particular platform or technology is best done by studying examples of finished products. But in most cases, these examples are implemented in languages that are different from those being taught. If you’re learning backend development first, you will run into a sort of chicken-and-egg problem: Can you really write back-end code until you understand object-oriented programming (OOP), but can’t really learn OOP until you can write back-end code? And if you’re learning front-end development first, your work will be something of a guessing game. These are two extreme examples; don’t let them intimidate you. In all likelihood, your own experience won’t perfectly mirror either scenario—but hopefully, it will give you some insight into why it might not be ideal to mix front and back-end web development while learning both concurrently. So what should you do if you have an interest in front-end development but not so much interest in building backend functionality? Honestly, while one might seem more glamorous than another based purely on perception, that doesn’t mean there isn’t value to be found by focusing on one over another. Ultimately, your greatest skills will likely come down to your personal interests—and you may find yourself feeling bogged down more easily if you take on tasks out of preference rather than passion. Having said that, some people do prefer back-end web development and would benefit from placing more focus there. Other people find greater joy working front end and would benefit from focusing primarily there instead.
s3://commoncrawl/crawl-data/CC-MAIN-2022-33/segments/1659882572215.27/warc/CC-MAIN-20220815235954-20220816025954-00184.warc.gz
CC-MAIN-2022-33
5,231
11
http://www.pabitra.com.np/2017/12/learn-ab-testing.html
code
Learn A/B Testing A/B Testing Tutorial A/B Testing is one of the best way to compare two or more versions of an application or a web page. It enables you to determine which one of them performs better and can generate better conversion rates. It is one of the easiest ways to analyze an application or a web page to create a new version that is more effective. This is a brief tutorial that covers the fundamentals of A/B Testing with suitable examples to illustrate how you can put it into practice.
s3://commoncrawl/crawl-data/CC-MAIN-2024-10/segments/1707947474660.32/warc/CC-MAIN-20240226130305-20240226160305-00576.warc.gz
CC-MAIN-2024-10
500
3
https://kdenlive.org/forum/audio-scrub-status-possible-version
code
I was wondering if anyone has any idea if / when audio scrub will be implemented ? Or if there are any workarounds for now ? Tue, 09/25/2012 - 14:08 Yes, me too, something that would be very welcomed. I think jack transport is being implemented and that may be an alternative, ie: scrubbing via a jack transport enabled app like Ardour or simpler audio player.
s3://commoncrawl/crawl-data/CC-MAIN-2016-22/segments/1464049275429.29/warc/CC-MAIN-20160524002115-00089-ip-10-185-217-139.ec2.internal.warc.gz
CC-MAIN-2016-22
360
4
http://www.pokemonelite2000.com/forum/showpost.php?p=3225849&postcount=27
code
Originally Posted by Ender the Xenocide Bare with me while I am writing this post, it is being written while I am listening to John Powell's music score known as the "Treadstone Assassins." But just what did the leaks accomplish? Were they simply released to piss people off? I mean, from what I have heard, pretty much the only outcome was harm to American/European relations? Neh? I remember reading a very interesting article on this that essentially said Assange believes the governments are inherently corrupt and a scheme to make money, a conspiracy which he wishes to undermine. To that end, his goal is to get as many government secrets into the open as possible, since no conspiracy works without shadows. Unfortunately, I can't seem to locate that article, but I'll post it when I find it. The only opinion I have on this is that Assange looks like an albino supervillain. That and it's pretty interesting to watch.
s3://commoncrawl/crawl-data/CC-MAIN-2014-49/segments/1416400379916.51/warc/CC-MAIN-20141119123259-00215-ip-10-235-23-156.ec2.internal.warc.gz
CC-MAIN-2014-49
925
5
https://tedana.readthedocs.io/en/latest/contributing.html
code
Contributing to tedana This document explains contributing to tedana at a very high level, with a focus on project governance and development philosophy. For a more practical guide to the tedana development, please see our Code of conduct tedana community members are expected to follow our code of conduct during any interaction with the project. The full code of conduct is here. That includes—but is not limited to—online conversations, in-person workshops or development sprints, and when giving talks about the software. As stated in the code, severe or repeated violations by community members may result in exclusion from collective decision-making and rejection of future contributions to the tedana’s development philosophy In contributing to any open source project, we have found that it is hugely valuable to understand the core maintainers’ development philosophy. In order to aid other contributors in on-boarding to we have therefore laid out our shared opinion on several major decision points. Which options are available to users? tedana developers are committed to providing useful and interpretable outputs for a majority of use cases. In doing so, we have made a decision to embrace defaults which support the broadest base of users. For example, the choice of an independent component analysis (ICA) cost function is part of the tedana pipeline that can have a significant impact on the results and is difficult for individual researchers to form an opinion on. tedana “opinionated approach” is therefore to provide reasonable defaults and to hide some options from the top level workflows. This decision has two key benefits: By default, users should get high quality results from running the pipelines, and The work required of the tedanadevelopers to maintain the project is more focused and somewhat restricted. It is important to note that tedana is shipped under an LGPL2 license which means that the code can—at all times—be cloned and re-used by anyone for any purpose. “Power users” will always be able to access and extend all of the options available. We encourage those users to feed back their work into particularly if they have good evidence for updating the default values. We understand that it is possible to build the software to provide more options within the existing framework, but we have chosen to focus on the 80 percent use cases. You can provide feedback on this philosophy through any of the channels listed on the tedana Support and communication page. Structuring project developments tedana developers have chosen to structure ongoing development around specific goals. When implemented successfully, this focuses the direction of the project and helps new contributors prioritize what work needs to be completed. We have outlined our goals for tedana in our The tedana roadmap, which we encourage all contributors to read and give feedback on. Feedback can be provided through any of the channels listed on our Support and communication page. This allows us to: Label individual issues as supporting specific aims, and Measure progress towards each aim’s concrete deliverable(s). tedana backwards compatible with MEICA? The short answer is No. There are two main reasons why. The first is that mdp, the python library used to run the ICA decomposition core to the original MEICA method, is no longer supported. In November 2018, the tedana developers made the decision to switch to scikit-learn to perform these analyses. scikit-learn is well supported and under long term development. tedana will be more stable and have better performance going forwards as a result of this switch, but it also means that exactly reproducing previous MEICA analyses is not possible. The other reason is that the core developers have chosen to look forwards rather than maintaining an older code base. As described in the SciPy Project Governance section, tedana is maintained by a small team of volunteers with limited development time. If you’d like to use MEICA as has been previously published the code is available on bitbucket and freely available under a LGPL2 license. tedana future-proof its development? tedana is a reasonably young project that is run by volunteers. No one involved in the development is paid for their time. In order to focus our limited time, we have made the decision to not let future possibilities limit or over-complicate the most immediately required features. That is, to not let the perfect be the enemy of the good. While this stance will almost certainly yield ongoing refactoring as the scope of the software expands, the team’s commitment to transparency, reproducibility, and extensive testing mean that this work should be relatively manageable. We hope that the lessons we learn building something useful in the short term will be applicable in the future as other needs arise. When to release a new version In the broadest sense, we have adopted a “you know it when you see it” approach to releasing new versions of the software. To try to be more concrete, if a change to the project substantially changes the user’s experience of working with tedana, we recommend releasing an updated version. Additional functionality and bug fixes are very clear opportunities to release updated versions, but there will be many other reasons to update the software as hosted on PyPi. To give two concrete examples of slightly less obvious cases: 1. A substantial update to the documentation that makes tedana easier to use would count as a substantial change to tedana and a new release should be considered. 2. In contrast, updating code coverage with additional unit tests does not affect the user’s experience with tedana and therefore does not require a new release. Any member of the tedana community can propose that a new version is released. They should do so by opening an issue recommending a new release and giving a 1-2 sentence explanation of why the changes are sufficient to update the version. More information about what is required for a release to proceed is available in the Release Checklist. This is the checklist of items that must be completed when cutting a new release of tedana. These steps can only be completed by a project maintainer, but they are a good resource for releasing your own Python projects! All continuous integration must be passing and docs must be building successfully. Create a new release, using the GitHub guide for creating a release on GitHub. Release-drafter should have already drafted release notes listing all changes since the last release; check to make sure these are correct. We have set up tedana so that releases automatically mint a new DOI with Zenodo; a guide for doing this integration is available in GitHub’s citable code guide. We have also set up the repository so that tagged releases automatically deploy to PyPi (for pip installation). This section is intended to guide users through making making changes to tedana’s codebase, in particular working with tests. The worked example also offers some guidelines on approaching testing when adding new functions. Please check out our contributing guide for getting started. Monthly Developer Calls We run monthly developer calls via Zoom. You can see the schedule via the tedana google calendar. Everyone is welcome. We look forward to meeting you there! Adding and Modifying Tests Testing is an important component of development. For simplicity, we have migrated all tests to There are two basic kinds of tests: unit and integration tests. Unit tests focus on testing individual functions, whereas integration tests focus on making sure that the whole workflow runs correctly. For unit tests, we try to keep tests from the same module grouped into one file. Make sure the function you’re testing is imported, then write your test. Good tests will make sure that edge cases are accounted for as well as common cases. You may also use pytest.raises to ensure that errors are thrown for invalid inputs to a Adding integration tests is relatively rare. An integration test will be a complete multi-echo dataset called with some set of options to ensure end-to-end pipeline functionality. These tests are relatively computationally expensive but aid us in making sure the pipeline is stable during large sets of changes. If you believe you have a dataset that will test tedana more completely, please open an issue before attempting to add an integration test. After securing the appropriate permission from the dataset owner to share it with can use the following procedure: (1) Make a tar.gz file which will unzip to be only the files you’d like to run a workflow on. You can do this with the following, which would make an archive tar czf my_data.tar.gz my_data/*.nii.gz (2) Run the workflow with a known-working version, and put the outputs into a text file inside TEDANADIR is your local We encourage using the convention to the filename if the integration test uses tedana in the verbose mode. (3) Write a test function in To write the test function you can follow the model of our five echo set, which takes the following steps: Check if a pytest user is skipping integration, skip if so download_test_datato retrieve the test data from OSF Run a workflow check_integration_outputsto compare your expected output to actual output. (4) If you need to upload new data, you will need to contact the maintainers and ask them to either add it to the tedana OSF project or give you permission to add it. (5) Once you’ve tested your integration test locally and it is working, you will need to add it to the CircleCI config and the Following the model of the three-echo and five-echo sets, define a name for your integration test and on an indented line below put @py.test --cov-append --cov-report term-missing --cov=tedana -k TEST TEST your test function’s name. This call basically adds code coverage reports to account for the new test, and runs the actual test in addition. (6) Using the five-echo set as a template, you should then edit .circlec/config.yml to add your test, calling the same name you define in the Viewing CircleCI Outputs If you need to take a look at a failed test on CircleCI rather than locally, you can use the following block to retrieve artifacts (see CircleCI documentation here) export CIRCLE_TOKEN=':your_token' curl https://circleci.com/api/v1.1/project/:vcs-type/:username/:project/$build_number/artifacts?circle-token=$CIRCLE_TOKEN \ | grep -o 'https://[^"]*' \ | sed -e "s/$/?circle-token=$CIRCLE_TOKEN/" \ | wget -v -i - To get a CircleCI token, follow the instructions for getting one. You cannot do this unless you are part of the ME-ICA/tedana organization. If you don’t want all of the artifacts, you can go to the test details and use the browser to manually select the files you would like. Suppose we want to add a function in tedana that creates a file called be stored along the outputs of the First, we merge the repository’s main branch into our own to make sure we’re up to date, and then we make a new branch called something like Any changes we make will stay on this branch. We make the new function and call it say_hello and locate this function inside of We’ll also need to make a unit test. (Some developers actually make the unit test before the new function; this is a great way to make sure you don’t forget to create it!) Since the function lives in io.py, its unit test should go into The job of this test is exclusively to tell if the function we wrote does what it claims to do So, we define a new function in test_io.py that looks something like this: def test_say_hello(): # run the function say_hello() # test the function assert op.exists('hello_world.txt') # clean up os.remove('hello_world.txt') We should see that our unit test is successful via pytest $TEDANADIR/tedana/tests/test_io.py -k test_say_hello If not, we should continue editing the function until it passes our test. Let’s suppose that suddenly, you realize that what would be even more useful is a function that takes an argument, place, so that the output filename is actually PLACE the value passed and 'world' as the default value. We merge any changes from the upstream main branch into our branch via git checkout feature/say_hello git fetch upstream main git merge upstream/main and then begin work on our test. We need to our unit test to be more complete, so we update it to look more like the following, adding several cases to make sure our function is robust to the name supplied: def test_say_hello(): # prefix of all files to be checked prefix = 'hello_' # suffix of all files to be checked suffix = '.txt' # run the function with several cases for x in ['world', 'solar system', 'galaxy', 'universe']: # current test name outname = prefix + x + suffix # call the function say_hello(x) # test the function assert op.exists(outname) # clean up from this call os.remove(outname) Once that test is passing, we may need to adjust the integration test. Our program creates a file, hello_world.txt, which the older version would not have produced. Therefore, we need to add the file to $TEDANADIR/tedana/tests/data/tedana_outputs.txt and its counterpart, R2-D2– uh, we mean, With that edit complete, we can run the full pytest suite via Once that filename is added, all of the tests should be passing and we should open a PR to have our change reviewed. From here, others working on the project may request changes and we’ll have to make sure that our tests are kept up to date with any changes made as we did before updating the unit test. For example, if a new parameter is added, greeting, with a default of hello, we’ll need to adjust the unit test. However, since this doesn’t change the typical workflow of tedana, there’s no need to change the integration test; we’re still matching the original filename. Once we are happy with the changes and some members of tedana have approved the changes, our changes will be merged! We should then do the following cleanup with our git repository: git checkout main git fetch upstream main git merge upstream/main git branch -d feature/say_hello git push --delete origin feature/say_hello and we’re good to go! Governance is a hugely important part of any project. It is especially important to have clear processes and communication channels for open source projects that rely on a distributed network of volunteers, Tedana is a relatively small open source project that requires specialized knowledge in multiple domains. This leads to several challenges. No one person on the current tedana development team has a combination of available time plus expertise in collaborative software development, MRI physics, and advanced data processing methods to assume a primary project leader role. Even if such a person was interested, it may not benefit the project to overly rely on the existence of one person. Instead, we developed the following system with several goals in mind: Grow the community. Strive for consensus. Provide a path for when consensus cannot be achieved. Minimize the administrative burden. Maximize the bus factor of the project. Acknowledge the leadership and time multiple people contribute to our community without demanding more time than any individual can offer. Dividing leadership responsibilities into multiple smaller roles also makes it easier to encourage new people to take on a leadership role without fearing that too much work will be required of them. Openness as a priority: Promote open discussions. Openness is critical to building trust with the broader community Openness provides a mechanism for non-leaders to identify and address oversights or mistakes Openness provides a smoother transition to onboard future leaders Leadership meetings should be open and notes should be shared unless there are discussions about sensitive personal matters. This governance structure is a work-in-progress. We welcome both people who want to take on a leadership role as well as ideas to improve this structure. A contributor is someone who has made a contribution to tedana. A contribution can be code, documentation, or conceptual. All contributors are listed in the all-contributors file. The community decides on the content of this file using the same process as any other change to the Repository (see below) allowing the meaning of “Contributor” to evolve independently of the Decision-making rules. Contributors also have the option to be added to the Zenodo file which may be used for authorship credit for tedana. A Maintainer is responsible for the long term health of the project and the community. Maintainers have additional authority (see Decision Making Process) helping them to resolve conflicts and increase the pace of the development when necessary. Any maintainer can remove themselves. Any contributor can become a maintainer by request, or by nomination of a current maintainer, and with the support of the majority of the current maintainers. Logan Dowdle (@dowdlelt) Elizabeth DuPre (@emdupre) Javier Gonzalez-Castillo (@javiergcas) Dan Handwerker (@handwerkerd) Taylor Salo (@tsalo) Joshua Teves (@jbteves) Eneko Uruñuela (@eurunuela) - Steering committee The Steering Committee is made up of a subset of maintainers who help guide the project. Current Steering Committee members: Logan Dowdle (@dowdlelt) Elizabeth DuPre (@emdupre) Dan Handwerker (@handwerkerd) Taylor Salo (@tsalo) Joshua Teves (@jbteves) Eneko Uruñuela (@eurunuela) - Focused Leadership Roles We have identified key responsibilities or skills that help advance tedana development and created roles for each of these responsibilities. One person can fill more than one role and more than one person can decide to share or split the responsibilities of a role. Any contributor can propose the creation of new focused leadership roles. A person can take on a leadership role without being a Maintainer or Steering Committee member - Task manager & record keeper: Dan HandwerkerHelps write & keep track of notes from meetingsKeeps track of issues or items that should be addressedFollows up with people who volunteered to address an item or alerts the broader community of known tasks that could use a volunteer - MR physics leader: César Caballero-GaudesSomeone who can make sure calculations fit within our understanding of MR physicsSomeone who can either answer MRI physics questions related to multi-echo or direct people to where they can find answers - Someone who can make sure algorithms are appropriately implemented (or knows enough to delegate to someone who can make sure implementation is good)Someone who can either answer processing algorithm questions or direct people to where they can find answers - Communications leader: Joshua TevesMailing list manager & other outward-facing communication about the project - New contributors leader: Taylor SaloLeads efforts to make contributor documentation more welcomingIs a point of contact for potential contributors to make them feel welcome and direct them to relevant resources or issues - Multi-echo fMRI support leader: Logan DowdleMonitors places where people may ask questions about tedana or multi-echo fMRI and tries to find someone to answer those questions Any leader can remove themselves for a role at any time and open up a call for a new self-nomination. Anyone can request to take on a leadership role at any time. Once per year, there should be an explicit call to the larger contributor community asking if anyone wants to self nominate for a leadership role. If individuals cannot reach consensus on who steps back and who assumes new roles, then a majority vote of contributors from the previous 3 years will assign people to roles where there are conflicts. If there are concerns with a tedana leader, any enforcer of the code of conduct can ask anyone to step down from a leadership role. If a person refuses to step down, then an enforcer of the code of conduct will consult with the other code of conduct enforcers. If they reach a concensus that a person shouldn’t have a tedana leadership position, then they should be removed. If a code of conduct enforcer has a conflict of interest, then the remaining code of conduct enforcers will identify someone without a conflict to include in deliberations. Decision Making Process The rules outlined below are inspired by the decision-making rules for the BIDS standard, which in turn were inspired by the lazy consensus system used in the Apache Foundation, and heavily depend on the GitHub Pull Request review system. Potential modifications to the Repository should first be proposed via an Issue. Every modification (including a correction of a typo, adding a new Contributor, an extension or others) or proposal to release a new version needs to be done via a Pull Request (PR) to the Repository. Anyone can open an Issue or a PR (this action is not limited to Contributors). A PR is eligible to be merged if and only if these conditions are met: The PR features at least two Reviews that Approve the PR of which neither is the author of the PR. The reviews should be made after the last commit in the PR (equivalent to Stale review dismissal option on GitHub). If a second review requests minor changes after another reviewer approved the PR, the first review does not need to re-review. Does not feature any Reviews that Request changes. That is, if someone asked for changes, the PR should not be merged just because two other people approve it. Is not a Draft PR. That is, the PR author says it is ready for review. Passes all automated tests. Is not proposing a new release. The steering committee has not added extra restrictions. For example, if a PR is a non-trival change, the steering committee can create a system to get feedback from more than just two reviewers before merging. After consultation with contributors, the steering committee can decide to merge any PR - even if it’s not eligible to merge according to Rule 4. Anyone can Review a PR and request changes. If a community member requests changes they need to provide an explanation regarding what changes should be made and justification of their importance. Reviews requesting changes can also be used to request more time to review a PR. A reviewer who requested changes can dismiss their own review, if they decide their requested changes are no longer necessary, or approve changes that address the issue underlying their change request. If the author of a PR and a reviewer who requests changes cannot find a solution that would lead to: The author closing the PR without merging The reviewer accepting requested changes or The reviewer dismissing their review, so that the PR can be approved and merged, then the disagreement will be resolved with a vote. Rules governing voting: A vote can be triggered by any Maintainer, but only after 5 working days from the time a Review Requesting Changes is made. A PR can only have one open vote at a time. If disagreements over a PR results in more than one vote, the Steering Committee has the authority to create a voting process to help resolve disagreements in a more efficient and respectful manner. Only Contributors can vote and each Contributor gets one vote. A vote ends after 15 working days or when all Contributors have voted or abstained (whichever comes first). A vote freezes the PR - no new commits or Reviews Requesting Changes can be added to it while a vote is ongoing. If a commit is accidentally made during that period it should be reverted. Comments are allowed. The quorum for a vote is five votes. The outcome of the vote is decided based on a simple majority. The steering committee steers. The goal of the steering committee is to help guide the direction of the project. Decisions in the steering committee will focus on how to present project issues to the broader community in a clear way rather than making project decisions without community input. The steering committee can decide: An issue should be prioritized for wider communal discussion. A pull request requires more discussion or reviews than standard before merging. How a breaking change (something that changes existing user function calls or program outputs) will be presented to the developer and user base for discussion, before decisions are made. Criteria for cutting a new version release and when those criteria are met. Steering committee decisions should strive for consensus. If consensus cannot be reached, the members of the steering committee should vote. Voting will take place over 7 days or until every steering committee member votes or abstains. The outcome of a vote is based on a simple majority.
s3://commoncrawl/crawl-data/CC-MAIN-2023-06/segments/1674764500041.18/warc/CC-MAIN-20230202200542-20230202230542-00073.warc.gz
CC-MAIN-2023-06
24,752
293
https://careercenter.missouristate.edu/Students/ResumesAndCV.htm
code
Résumés and Curricula Vitae Tips on appearance, organization, and content of a résumé. Use these sample versions of chronological, functional and combination format résumés to guide you as you create your own resume. A résumé that has been designed specifically interact with a computer. There are many different aspects to keep in mind when creating an electronic résumé and how an individual may interact with it. A longer and more detailed document then a résumé. Your CV will include a summary of your educational and academic experiences, as well as any teaching or research work, awards, honors, presentations, publications, affiliations and other information. Do you need stronger descriptions for your job responsibilities and achievements? Have you used "Responsible for..." or "Duties included..."? This list of action verbs will help you use terms that convey a more professional and confident message.
s3://commoncrawl/crawl-data/CC-MAIN-2023-40/segments/1695233511106.1/warc/CC-MAIN-20231003124522-20231003154522-00452.warc.gz
CC-MAIN-2023-40
925
6
https://www.brighthub.com/internet/web-development/articles/23606/
code
Creating a Basic HTML Web Page What’s needed to create a web page with HTML? If you have never used HTML before the author suggests not purchasing or downloading any software at all. If you have Microsoft Windows, you already have everything you need. For those of you who do not have Microsoft Windows, most other operating systems have something similar. Here’s what you must have (for basic HTML): - A text editor (use notepad if you have Windows) - A web browser (such as Microsoft Internet Explorer) You use the text editor (notepad) to write the code and then save the code as an HTML file. To save the notepad file as an HTML file follow these steps: - Click “File” - Select “Save As” from the drop down menu - Click the drop down menu for “Save as Type:” - Select “All Files” - In the “File Name” text box type the name of your web page “your webpage” then type “.html”. (Example: yourwebpage.html) (Note: make sure it does not say .txt behind it.) - Click “Save” And you’re done. To view your web page: - Find your saved file - Right Click on the file - Select “Open with Internet Explorer” After following all of these steps you will see a blank HTML Page. Let’s move on to making a simple HTML page. Creating a web page with basic HTML is easy. HTML stands for Hyper Text Markup Language and is used as the basis for almost all web pages you ever have encountered online. It’s easiest to think of HTML as a set of formatting codes to get text to do stuff for you. There are a set of rules you must always follow when working with HTML. - You must ALWAYS save your documents as a web page, there are many different extensions you can use to save your document, for this article always save your files as .html files. - Tags ALWAYS have a Start Tag <> and an End Tag </>. End Tags always have a slash mark. - You must ALWAYS start your HTML document with the following tag - You must ALWAYS end your HTML document with the following tag - Capital or Lower Case text is okay for tags (These rules will make more sense in a few seconds) To start your first HTML web page: Open up a new notepad document or use the one you just created. Type the start and end tags for HTML. All the other HTML code will be in between these two tags: Make sure to save the document as a web page. After you have done this, you will have created a basic HTML web page that you can use over and over again as a template. Now that you have the HTML Basics to building a web page we can move on to adding content to the page. Let’s create a simple page that’s in the programming arena as “Hello World”. Generally as you learn new programming languages the first thing you learn how to do is get the language to say hi to everyone. Let’s start. Here is the proper way to create a webpage that says “Hello World!” Type the Start and End HTML tags into a new HTML document you created with notepad. In between these two tags you will type all of the code related to this page. The proper way to write text in HTML is to use the tag, this stands for paragraph. Click “Save” after typing this. Then go view it in Internet Explorer! When you open this up in Internet Explorer, you should see at the top right corner Hello World! Congratulations! Lets move on now to formatting the text. You have just learned how to create a webpage and add text. What if you wanted the text aligned left, center or right? Here’s how you would do it. You can change the word “right” to left or center as well. Now you know how to write paragraphs and align text, let’s add some color to the text, bold the text and italicize it. Adding some color. You must use a new tag called . The below example will show you Hello World! in red. Type any color you want, it knows most common colors. The more complicated colors can be used by adding the rgb number instead of stating the color name. Bolding the text using the tag. Italicizing the text using the tag. Congratulations, you have just learned how to create you own web pages and how to add and format text.
s3://commoncrawl/crawl-data/CC-MAIN-2023-06/segments/1674764501066.53/warc/CC-MAIN-20230209014102-20230209044102-00083.warc.gz
CC-MAIN-2023-06
4,091
42
https://forums.unrealengine.com/t/basic-ai-how-do-i-keep-up-with-outdated-blueprint-tutorials/94162
code
I’ve been using Maya/Unreal for a few years now for Character Animation and ArchViz. Love the engine, love the community, love the endless possibilities. I’m competent on the visual/audio aspects of design, but am hitting a massive wall on the programming side. Specifically, AI bots. It seems that I get a few hours into a tutorial only to find they are calling functions that don’t exist in the editor. Either because of updates or what-have-you. I try to find what seems like they’re using, but the function breaks down further down the tree for the same reasons (missing outputs, missing options for classes/functions). The only solution I can come up with is installing earlier versions of the engine to practice those functions, but then I lose out on the lighting and rendering options that come with each engine update. Worse still, when I do move over to a later version eventually, how will I carry over what is essentially going to be out-dated knowledge? I’m reaching out to the community to see if there is a better way to grind through this. I’m not looking for a one-stop solution. I am going to learn Blueprint Scripting. I just want to stop hitting what seem like project-killing roadblocks at every turn. If anyone can help point me in the right direction (even if its “don’t start with AI, go simpler” or “stop using the latest engine all the time”), it would be massively appreciated. I’ve tried everything from the Unreal Docs to forums to in-depth videos. tl;dr: Can’t get a single AI controller tutorial to work. Tried a few. Functions missing. Am **** at programming.
s3://commoncrawl/crawl-data/CC-MAIN-2021-39/segments/1631780056297.61/warc/CC-MAIN-20210918032926-20210918062926-00497.warc.gz
CC-MAIN-2021-39
1,617
4
https://wiki.idera.com/display/SQLCM/Optimize+tempdb+settings
code
Change the following tempdb system database properties to ensure optimal performance when the Collection Server processes and archives audit data. Use the following guidelines to optimize performance in a typical environment. For best results, monitor your audit data collection over a period of time, and then set these tempdb properties to reflect your needs. For more information, see Identify audit data volume. |Automatically grow file||Allows the ||Selected| |File growth||Allows SQL Server to efficiently handle any required file growth||25%| |Space allocated||Allows ample database space for audit data collection, so file growth occurs less frequently||200 MB|
s3://commoncrawl/crawl-data/CC-MAIN-2023-50/segments/1700679100172.28/warc/CC-MAIN-20231130062948-20231130092948-00599.warc.gz
CC-MAIN-2023-50
669
5
http://www.techadvisor.co.uk/forum/helproom-1/serial-ata-drive-converter-99521/
code
My Abit AT7 Max2 motherboard supports SATA drives, and came with one converter, which I have plugged into my bog-standard Maxtor 40GB ATA133 hard disk. I was just wondering whether it is actually worth it. I have now plugged my DVD-ROM drive into IDE1 and my CD-RW and LS-120 into IDE2 (I used the drives from my old system and a new 52x CD-RW). Will I notice any increase in speed, or will it be slower since I have used this adapter? I have assumed I can use IDE1 and IDE2 as well as the serial ATA. Unfortunately I can't test it because I don't have a graphics card yet (another thread - click here if interested). That's mainly why I used it. Because my LS-120 floppy drive is IDE, it means I can have the DVD and CD-RW on separate channels, and the LS-120 can go on with either of them. This will mean I can copy CDs "on the fly" without any trouble.
s3://commoncrawl/crawl-data/CC-MAIN-2017-26/segments/1498128320863.60/warc/CC-MAIN-20170626184725-20170626204725-00677.warc.gz
CC-MAIN-2017-26
855
3
http://www.moderncentral.com/blog/?paged=2
code
TL;DR: I talk about some text frequency analysis I did on the arxiv.org corpus using python, mysql, and R to identify trends and spot interesting new physics results. In one of my previous posts, I mentioned some optimization I had done on a word-frequency anlysis tool. I thought I’d say a bit more here about the tool (buzzArxiv), which I’ve put together using Python and R to find articles that are creating a lot of ‘buzz’. For those who don’t know, arxiv.org is an online repository of scientific papers, categorized by field (experimental particle physics, astrophysics, condensed matter, etc…). Most of the pre-print articles posted to the arxiv eventually also get submitted to journals, but it’s usually on the arxiv that the word about new work gets disseminated in the community. The thing is, there’s just gobs of new material on there every day. The experimental, pheonomonolgy, and theory particle physics mailings can each have a dozen or so articles per day. TL;DR: I used gource to visualize the ATLAS trigger code development activity in SVN as a way to illustrate the size and the collaborative development environment of the experiment. It’s hard to convey to a general audience the size and scope of particle physics experiments. Not just the sheer size of the detectors, but the small army of scientists who are all working together. The modern incarnation of particle physics is a highly collaborative effort. The ATLAS masthead, the list of all the authors who get credited on publications, is about three thousand names long and the list of active member, who are affiliated in some way, shape, or form with the experiment, has over fourty-seven hundred entries. This may be small on the scale of big companies (Microsoft has something like ninety thousand employees), but it is absolutely massive on the scale of academic research. A while ago I cam across gource (http://code.google.com/p/gource/), a tool for “software version control visualization” which renders project activity in many popular repository systems including SVN, which ATLAS uses. It’s rendered output does a good job of representing what I so frequently have trouble conveying about our field. As an example, I pulled the log files for the SVN used by the trigger group (which is one of the areas I’m most involved in), cleaned them up a bit, and passed them to gource. The output below shows the activity in early 2002 when the SVN was started, in 2009 right before collisions were first slated to begin at the LHC, and in late 2012 in the middle of the latest and highest intensity running of the LHC. I scrubbed the video of most identifying information (user names, directory names, etc…), but I think the point still comes across. Each branch in the video represents a directory, the colored dots are files, and the little icons zooming around are users making commits to the SVN repository. Every time I watch this video I’m struck by how much cross-pollination is going on. TL;DR: There were some rookie mistakes lurking in some python code which I hunted down with profiling (using cProfile), reducing execution time by an order of magnitude. This post is a little story about some profiling I did on python code which ultimately revealed that a poor choice of datastructures had a significant impact on code performance. The problem was in some python code which I use to look at trends in physics topics posted to arxiv.org (more on the output of the tool in another post). After pulling the data from arxiv, the script works out word frequency and identifies increased occurences. The parsing of the corpus was taking an excessively long time, my laptop fan would start whirling, and the system would slow to a crawl. Clearly, something very non-optimal was happening. My first thought was that the issue was in a part of the code that handles the histograming of the occurences, but nothing obvious jumped out at me when I reviewed the code. Enter the python profilers. These things are gret, they’re dead simple to run, and the results are relatively easy to parse. Of the three profilers the python documentation recommends, cProfile is my favorite. Continue reading → TL;DR: The academic job market is looking bleaker than ever, and name brand recognition counts for a lot. Step 1: College Student, study hard. Step 2: Graduate Student, study hard, do research. Step 3: Postdoc, work hard, more reasearch, prove your chops. Step 4: Proffesor, kick back and relax, you’re set for life. Ah, if only. The postings have begun for this year’s set of junior and tenure track faculty positions. This affects me directly, since I’m somewhere around step 3.5. The truth of the matter, is that the job market for faculty positions is amazingly competitive, with few offerings and a sea of prospective applicants. A while ago, stuck at home while both Laureline and Jenn were sick as dogs, I had a little fun with the information up on the HEP Rumor Mill. The HEP Rumor Mill is exactly what it sounds like, completely unverified rumors about who has been short listed or made an offer high energy particle physics faculty jobs. They’ve got one page per year, going back to the 2004-2005 job cycle. All it requires to get the data is writing quick and dirty unstructured data parser. Ithought I’d share some of what I found. Note that all of what comes out of this is highly suspect. The short-lists and offers are un-verified, the names of candidates are sometimes misspelled, and I even caught one of two instances of someone’s affiliation being improperly reported.
s3://commoncrawl/crawl-data/CC-MAIN-2018-13/segments/1521257646375.29/warc/CC-MAIN-20180319042634-20180319062634-00586.warc.gz
CC-MAIN-2018-13
5,614
17
https://www.bapestore.us/alvin-n-eden-zocdoc/
code
Find Alvin N Eden Zocdoc…Zocdoc is a popular online visit scheduling system that is widely utilized across the health care industry. Patients use the platform to discover physicians in their area, checked out other client evaluations, and to set up consultations. Allows patients to find your practice and book visits online Saves patients and personnel time by automating consultation suggestions Gets reviews to be published onto your Zocdoc profile, which is a reliable site that contributes to your web credibility The system makes it easy for patients to cancel consultations, which can potentially lead to more last-minute cancellations Stiff competitors with other dental practitioners on the platform Should by hand confirm and get in visits into your practice management system Research study Led By: We utilize a strenuous software application review process to develop our impartial, extensive research. Discover more about our software review process. Given that releasing in 2007, Zocdoc has ended up being a household name in the health care industry. Their innovative platform supplies clients with a modern-day method to look for in-network medical professionals by insurance provider, book appointments outside of company hours, and check out patient evaluations, all in one place. Thousands of dental professionals utilize Zocdoc to get new patients. Zocdoc Pricing & Cost Details on ZocDoc pricing are: $ 300 each month. $ 35-$ 110 per new client appointment. 1 year contract. Hassle-free online visit scheduling As an online appointment scheduling system, among Zocdoc’s primary selling points is that it gives clients a practical way to book appointments on the go, at all hours of the day. If your practice does not currently provide a method for patients to book consultations beyond service hours, you could be losing out on a considerable section of the population. Zocdoc reports that 45% of its consultations are scheduled outside of the practice’s organization hours. Practices that utilize Zocdoc are given a profile, which includes information about the practice, patient evaluations, and an up-to-date schedule with offered visit slots. Since Zocdoc reads your schedule straight from your practice management software, patients can just ask for appointment times that are readily available. Here’s Dr. Lawrence Spindel’s profile, who is a Zocdoc client (you can likewise read his thoughts on Zocdoc here):. Lots of practices connect to their Zocdoc profile from their site, so that anybody who visits their practice’s site can quickly book visits online. To do this, you can simply produce a button that states “Book a Visit”, which links clients to your Zocdoc profile. After a patient requests a visit through your Zocdoc profile, you will need to confirm that the consultation slot is still available, and Zocdoc will look after sending a final confirmation to the client. One disadvantage of using Zocdoc is that it can just read your practice management system’s schedule– it can not edit it by including confirmed visits. This means that you’ll have to include each appointment into your practice management system manually, after you have actually confirmed it. Zocdoc’s capability to pull from your practice management system’s live schedule is likewise practical when it comes to filling last-minute openings (e.g. due to cancellations). It’s important to note that some dental experts have reported that they dislike the reality that Zocdoc makes it very easy for users to cancel their visits. If you use Zocdoc, you’ll have to be prepared to accept that some portion of the clients you bring in through Zocdoc might cancel their consultations with very little notice. Zocdoc has actually stated that it will lock a user’s account after they have actually cancelled or rescheduled a lot of appointments, but other than that, it does not dole out any effects or costs to users who cancel or reschedule. All things thought about, Zocdoc’s online appointment booking abilities are a fantastic selling point for drawing in brand-new clients, filling last-minute openings, and offering patients the capability to book appointment. The first version of the now-popular website covered just physicians in New York City. Now, the online physician reservation and review site covers every significant city in the United States, and millions of people book visits through the website each month. here is a fee to be listed as a Zocdoc doctor. Currently, Zocdoc charges physicians $300 a month to be listed. It is up to you to decide if the cost deserves the prospective consultations you get. Be sure to do some research study initially if you are thinking about signing up. When deciding if your practice would take advantage of belonging to the service, you need to figure out which– if any– medical professionals in your specialized and area are listed. You also wish to keep in mind how many evaluations they have. Doing so will give you an excellent idea whether the Zocdoc system is efficiently filling the appointment book for your local competitors, and if you might take advantage of joining suit. In general, we find that the doctors who benefit most from using Zocdoc are those in bigger cities within a competitive market whose patients are between the ages of 18 and 35. How to Claim Your Zocdoc Profile. On Zocdoc a robust, accurate profile is even more crucial. This is due to the fact that individuals making visits often have an urgent requirement; you’ll only get a minute, if that, to impress them. Your first task is to make sure that every piece of information you go into is accurate, specifically your address, phone, and name number. Called N.A.P., these crucial fields need to be correct not just on Zocdoc however identical every location you’re listed online. For more on this (and to discover how a dash instead of a duration could mess up your online existence) read our post, “Correspond for Better Local Search Results Page.”. Next, select your profile image. This need to be an expert grade headshot, not a fast photo from your phone. After this is done, it’s time to enhance your profile by adding extra images. All other images should be of your office, your staff, and any other premium images that will give potential patients a good feeling about your practice. Your objective is to reveal them just how expert, welcoming, and contemporary your office is. How to Improve Your Rating on Zocdoc. Since the review gathering process is out of your hands on this website, your only task is to do what we hope you’re doing anyhow: using exceptional, on-time health care. The only other tip we have is to make good on the visits you provide on Zocdoc. Not just can canceling or altering appointments amass bad reviews, it can get your Zocdoc account locked. Just list appointments which will you have booked for Zocdoc recommendations or connect your visit scheduling system straight to Zocdoc. Alvin N Eden Zocdoc…
s3://commoncrawl/crawl-data/CC-MAIN-2022-40/segments/1664030335365.63/warc/CC-MAIN-20220929194230-20220929224230-00325.warc.gz
CC-MAIN-2022-40
7,028
34
http://www.insidemacgames.com/forum/index.php?s=7f2e4b1803134a87c090e7fba70696c8&showtopic=48551
code
Neverwinter Nights: Enhanced Edition Posted 22 November 2017 - 04:16 PM Go read the FAQ if you're interested, I have a turkey to prepare. Posted 22 November 2017 - 05:04 PM It's nice to finally get an x86 client (I know Owen actually had it working at one point, but they were never able to release it). The switch to modern shaders also means we get shiny water now. Posted 22 November 2017 - 05:15 PM Presumably the toolset will continue to work this way, or via your favourite VM. (Old timers may remember the heroic efforts of the NeverEdit guy...what (futile) hope he gave us back in the PPC days.) Posted 22 November 2017 - 06:31 PM But the client seems to have feature parity (in terms of the new shader support), at least as far as they've said. So any new mods and stuff should work just as well on Mac. Posted 23 November 2017 - 02:10 AM iMac 2011, quad 3,4Ghz i7, 1TB Samsung EVO 840, 8GB RAM, 2GB Radeon 6970m. + 2016 Macbook m3 + iPad 2 64GB + iPhone 4S 64GB + Girlfriend + Daughter Posted 23 November 2017 - 06:27 AM Of course, the real draw is the persistent world stuff and the user-created content. I'm hoping that gets a healthy shot-in-the-arm with the EE release. Posted 23 November 2017 - 03:00 PM Thanks to Deekin! Posted 23 November 2017 - 04:29 PM HotU really was special, though. Posted 24 November 2017 - 02:45 AM Posted 25 November 2017 - 04:25 PM I still hope they can manage to locate the source code for Icewind Dale 2 but that isn't looking too good. Posted 25 November 2017 - 10:36 PM 10.9 or later is required according to the release notes. Congratulations! Incidentally, the NWN:EE beta/early access is available via the 'head start' program. Details here. Posted 26 November 2017 - 09:07 AM Completely MIA from what I understand. That said, GoG sell a wrapped version of IWD2 for the Mac that works without issue. It's not an EE, but hey. Posted 28 November 2017 - 10:40 AM Yeah, I own the GOG version. I wonder if they ever got around to wrapping it up for Linux. I'm sure I can do that myself though if need be. Since I am well behind in the games I want to play, I'm content to wait and hope on this one but if it never happens I'll get to it one way or another assuming I live long enough. Just checked. I don't think GOG's in any hurry to do it up for Linux. If I do, maybe I'll send it to them. Maybe... you know what they say about the best laid plans.
s3://commoncrawl/crawl-data/CC-MAIN-2017-51/segments/1512948588251.76/warc/CC-MAIN-20171216143011-20171216165011-00677.warc.gz
CC-MAIN-2017-51
2,395
29
https://www.iagora.com/work/en/offer/VIE-spain-it/976431
code
Play a key role in building great humanitarian project from the beginning. If you are one of those passionate people who want to make a difference, an exciting job in a thrilling environment is waiting for you! At (COMPANY NAME) we help humanitarian organisations to better respond to crises by providing the right innovation and technology to assist those affected by disaster and conflicts. We are looking for a motivated back-end developer to bring new ideas and turn them into concrete solutions. You will have the chance to work in a multinational team and take part in the full software development life cycle. On a daily basis at (COMPANY NAME) we develop several projects simultaneously, which requires the ability to adapt to new skills/tools quickly. You will be assisted in your work by interns and collaborate with each department to bring the tool to life. The main responsibilities will be to help (COMPANY NAME) web platform and apps as a back-end developer (Python and PHP) as well as ensuring tools are deployed. We run several projects using IoT and AI (virtual assistants), looking at developing its machine learning capabilities. You will be part of the innovation task force, imagining and creating cutting edge solutions to change the how we help those affected by disasters. What We Offer - Becoming part of an international, friendly and adventurous team in a startup atmosphere. - A challenging project with the most innovative technology in its field. - Room for achieving further responsibilities and professional growth. - Unlimited coffee and learning. Degree in IT/Computer Science/Engineering -Motivated developer with a passion for humanitarian development -Strong team player with can do attitude -No 9-5 mentality (we value flexibility and passion) -Proactive and easy going -Able to learn to new technologies quickly -Symfony and/or Django -REST API design -Db MySQL, Redis, PostgresQL -Strong knowledge on Linux environment (Debian) Spanish and French desired but not essential The post may imply occasional travelling to developing countries following the needs of current projects Nb de poste à pourvoir : Expérience souhaitée : Niveau d'étude demandé : bac+5 et plus , bac+4 , bac+3 Anglais , Français , Espagnol Domaines de compétences : Maîtrise d'œuvre informatique , Intégration progiciel , Ingéniérie système , Informatique décisionnelle / Data science , Gestion parc informatique , Modélisation et Méthodes Informatiques , Data extraction analyse , Architecture infrastructures / Cloud et virtualisation , Intelligence artificielle , Développement logiciel MASTER 1 , LICENCE , DOCTORAT , MASTER2 RECHERCHE , MASTER 2 , BACHELOR
s3://commoncrawl/crawl-data/CC-MAIN-2019-47/segments/1573496669967.80/warc/CC-MAIN-20191119015704-20191119043704-00350.warc.gz
CC-MAIN-2019-47
2,690
33
https://www.bioengineering.dtu.dk/research/research-infrastructures/dtu-structural-biology-core/current-instrumentation
code
The structural platform as access to state-of-the-art crystallization equipment including the necessary equipment need from crystals to determined structure a Mosquito X3 crystallizations robot able to set up nanoliter crystal drop in 96 well format. Workflow: Crystal to dataset: We have a Gilson solution mixing robot that apply an incomplete factorial screening to identify optimal crystal conditions. Analyzing crystal conditions often provide additional information about the solubility of the protein from inspecting the equilibrated crystallizations experiments. Workflow: from Initial crystallization conditions
s3://commoncrawl/crawl-data/CC-MAIN-2023-50/segments/1700679100112.41/warc/CC-MAIN-20231129141108-20231129171108-00482.warc.gz
CC-MAIN-2023-50
619
4
https://novelonlinefull.com/chapter/true_martial_world/chapter_138
code
True Martial World - novelonlinefull.com You’re read light novel True Martial World Chapter 138 - Desolate Beast online at NovelOnlineFull.com. Please use the follow button to get notification about the latest chapter next time when you visit NovelOnlineFull.com. Use F11 button to read novel in full-screen(PC only). Drop by anytime you want to read free – fast – latest novel. It’s great if you could leave a comment, share your opinion about the new chapters, new novel with others on the internet. We’ll do our best to bring you the finest, latest novel everyday. Enjoy Chapter 138: Desolate Beast Yi Yun countered a sneak attack that was launched by a fierce beast before cutting its head off! This fierce beast was the size of a monkey. It had a pair of wings, which made it look like a bat. “The ‘Purple Teeth Bat’. Its teeth have purple venom and upon entering the body of humans, it will melt their muscles, causing them to turn into liquid. Then, the Purple Teeth Bat will suck them dry. Eventually, only dessicated skin will be left. The Purple Teeth Bat’s strength is not great, but its speed is extremely fast and good at sneak attacks. It’s very good that you are able to chop off its head! In the past few hours, your saber techniques have improved.” Lin Xintong was extremely proficient with the fierce beasts of the Cloud Wilderness. She was like an encyclopedia. Lin Xintong knew every fierce beast and dangerous plant they met along the way. Along the way, Yi Yun would fight with fierce beasts while Lin Xintong would give out pointers, praise his moves and point out his deficiencies. This benefited Yi Yun a lot. Time pa.s.sed quickly, and the duo had gone deep into the valley. They had traveled hundreds of miles, spending a day and a night. The duo experienced dozens of fights! Yi Yun settled them all! During this, Yi Yun was injured, but they were minor so he quickly recovered. If they were hungry, they would cook their meals on the spot. Roasting meat, steaming rice and brewing soup&h.e.l.lip; Although Lin Xintong was not a pursuer of good food, the food made by Yi Yun was still salivating. Being away from home for a long time did not make Yi Yun worried. The Lian tribal clan was being taken care of by the Jin Long Wei and no one dared to touch Jiang Xiaorou. After another day, it was late in the second night. Yi Yun had made great progress after continuous intense battles. Because after every battle, Yi Yun could eat a bone relic, which strengthened his cultivation! Not only did it improve his cultivation level, his foundation had improved. Most importantly, Yi Yun’s combat experience had rapidly increased. Traversing the vast wilderness and experiencing life and death battles were extremely valuable. Suddenly, Yi Yun heard a sharp rustling sound. Very soon, the rustling sound became more intense. It was like tens of thousands pounds of sand being constantly grinded. The sound was a.s.saulting their eardrums. Yi Yun had a change in expression when he felt a chill! It was like a cold wind that blew and entered into the bone. “What is it&h.e.l.lip;” Yi Yun went on high alert and attentively looked around. Under the faint fluorescent light, what he saw made his scalp tingle. Not far away, a group of black snakes were sliding over. Among this group of snakes, the slimmest was as thick as a water bucket. Some of them were as thick as a water tank, and some were so thick that two people were unable to encircle them. A group of snakes arrived from all sights, surrounding Yi Yun and Lin Xintong. All these snakes were at the fierce beast level. With so many snakes attacking, Yi Yun was bound to be bitten to shreds. But&h.e.l.lip; Yi Yun had Lin Xintong beside him. Lin Xintong glanced at the numerous pythons and said lightly, “We have encountered a desolate beast. All these snakes are being driven by a desolate beast!” “Desolate beast!?” Yi Yun was stunned. Desolate beasts were one level higher than fierce beasts. There were much fewer desolate beasts than fierce beasts, but they were the true masters of the vast wilderness! “It’s a Frost Python!” In this huge ma.s.s of pythons, Lin Xintong spotted the true serpent king. Yi Yun of course knew about the Frost Python. He had stolen the Frost Python desolate bones from Lian Chengyu!! The Frost Python desolate bones was toxic. To refine it, a Desolate Heaven Master was needed, or the consequences would be dire. “It’s an immature Frost Python. Very good! Yi Yun, this is your chance. The Frost Python is one of the weakest desolate beasts. An immature one is about the strength of a normal Purple Blood warrior. You can try to see what it’s like battling at the Purple Blood level! In this battle, all you need is to remain undefeated. It will be way of hardening yourself!” Yi Yun was still at the peak-Qi Gatherer realm. The gap between Mortal Blood and Purple Blood was big, but Yi Yun’s skills included Minute Subtlety and insight like no moves. Compounded with his Tempered Body, Dragon Pulse, he could battle a weak Purple Blood warrior! Yi Yun’s eyes flashed with excitement. Desolate beast! He was finally going to fight a desolate beast! But with so many snakes&h.e.l.lip; Just as Yi Yun was thinking about it, Lin Xintong made a move. She unsheathed her Frost Water sword and made a simple slash forward. This strike turned into a bluish-white sword Qi. This sword Qi was cold to the bone. It spread out like a water ripple and the water vapor in the air froze and the ground was lined with a layer of ice! At that moment, with Lin Xintong in the center, it was like a giant ice flower blooming. The surrounding hundred yards had turned into a world of ice! The group of pythons that were rushing forward had been frozen by the ice, turning into ice sculptures! Seeing this scene, Yi Yun was shocked. He knew how strong the fierce beasts were. But under Lin Xintong’s hands, they did not have any resistance, and the entire group was killed in one shot. Only the Frost Python serpent could resist Lin Xintong’s icy sword attack. This was because the Frost Python serpent was strong and its elemental property was cold, so it had a high resistance to the Frost Qi. But this sudden turn of events shocked the Frost Python! It originally thought that Yi Yun and Lin Xintong would be a splendid meal. Warriors with a certain strength were a good supplement for desolate beasts. Eating them would have aided in its growth, allowing it to mature sooner. As such the Frost Python had sent all its pythons to attack the two, hoping to deplete their energy with its legion of pythons, but surprisingly, its python army was wiped out before they could even attack! The Frost Python had some intellect. It suddenly realized the strength of the young girl and was about to turn around and flee, but&h.e.l.lip; “Pa! Pa! Pa!” Runes began to flash. These runes formed a barrier of light trapping the Frost Python, Yi Yun and Lin Xintong within it. “You can’t escape!” Lin Xintong said as she sheathed her Frost Water sword. “If you can win over that youth, I’ll let you go. If you can’t win, you will die!” “Oh? It can understand human speech?” Seeing Lin Xintong speak to the Frost Python, Yi Yun was surprised. “It doesn’t. But desolate beasts can feel the spirit waves of humans, so it can get the meaning.” Lin Xintong was indeed correct. This Frost Python had identified its enemy. It stared at Yi Yun and showed its black fangs. The Frost Python was not big. Among the group of pythons, its body was actually the smallest. Its body was the thickness of an adult’s thigh, and was not longer than three feet. Yi Yun stared at the Frost Python. Its every scale, and the texture on every scale could be seen clearly by Yi Yun. For the Tao tribal clan to be able to kill a Frost Python, it proved that the Frost Python was the weakest among the desolate beasts. This battle was just right for him! Lin Xintong stood on the side and watched with antic.i.p.ation. She wanted to see the result of the battle between Yi Yun and the Frost Python.
s3://commoncrawl/crawl-data/CC-MAIN-2019-26/segments/1560627998513.14/warc/CC-MAIN-20190617163111-20190617185111-00005.warc.gz
CC-MAIN-2019-26
8,141
59
https://meta.wikimedia.org/wiki/Wikicite
code
(Redirected from Wikicite) - WikiCite 2017 (Vienna, May 2017) - WikiCite 2016 (Berlin, May 2016) - a timeline of past efforts since the launch of Wikidata. - related proposals: Code repositories for related libraries and software projects. - wikicite-discuss: a discussion list for participants in the WikiCite events and interested contributors - wikicite: forwarded to the organizing committee of the WikiCite events.
s3://commoncrawl/crawl-data/CC-MAIN-2017-39/segments/1505818690035.53/warc/CC-MAIN-20170924152911-20170924172911-00376.warc.gz
CC-MAIN-2017-39
419
8
https://packages.gentoo.org/packages/dev-lang/swig
code
SWIG is a software development tool that connects programs written in C and C++ with a variety of high-level programming languages. SWIG is used with different types of languages including common scripting languages such as Perl, Python, Tcl/Tk and Ruby. The list of supported languages also includes non-scripting languages such as C#, Common Lisp (Allegro CL), Java, Modula-3 and OCAML. Also several interpreted and compiled Scheme implementations (Chicken, Guile, MzScheme) are supported.
s3://commoncrawl/crawl-data/CC-MAIN-2024-18/segments/1712296817438.43/warc/CC-MAIN-20240419141145-20240419171145-00585.warc.gz
CC-MAIN-2024-18
491
7
https://blog.opentechschool.org/2013/03/wanted-coaches-for-opening-and-repairing-hardware.html
code
Dear handy people, OpenTechSchool has held many good coding workshops but not so many hardware-related ones. We would like to change that by starting with a very simple and beginner-friendly workshop about opening (mostly mobile) hardware: laptops, mobile phones, etc. To make this workshop fun for everyone, we would like to avoid swanking, boasting about one’s knowledge/ability, and mansplaining. In other words, the atmosphere of a macho DIY-bicycle-repair shop. I expect the participants will need some help and would love to serve as many as comfortably possible, which is why we’re looking for more coaches. If you are patient, respectful toward beginners, and want to help us help others, you are more than welcome to do so. You do not need to know everything about hardware, but should have some experience in opening it. To give you an idea about the class, read this future blogpost targeted at the participants. Please join the mailinglist, if you are interested, we’ll take any communication from there.
s3://commoncrawl/crawl-data/CC-MAIN-2023-40/segments/1695233506028.36/warc/CC-MAIN-20230921141907-20230921171907-00205.warc.gz
CC-MAIN-2023-40
1,022
4
https://www.deviantart.com/tehangelscry/art/High-Contrast-Black-and-White-Action-359471167
code
2 Comments3K Views It's been a long time since I've made an action, and this one happened quite by accident x) I took this photograph of the fan in my PC, intending to manipulate it for the Texture your World contest... but I couldn't figure out what to do with it, so ended up not using it. In the process though, I'd made this highly contrasted Black and White effect - which I thought looked pretty neat! What do you think of the new action preview btw? © 2013 - 2021 TehAngelsCry
s3://commoncrawl/crawl-data/CC-MAIN-2021-49/segments/1637964358323.91/warc/CC-MAIN-20211127223710-20211128013710-00353.warc.gz
CC-MAIN-2021-49
484
3
https://community.qlik.com/t5/New-to-Qlik-Sense/how-to-convert-string-text-to-an-integer/m-p/1197672
code
I am playing around with a dataset I downloaded from the Internet to learn more about Qlick Sense. This table contains the horse name, the Result (if the horse won or lost) plus some other info. I would like to create some graphs based on the Result column. The result column only contains the strings 'Won' or 'Lost'. I would like to convert this to an integer so I can do measures on it. For example I would like that the Won is converted to a 1 and the Lost is converted to a 0 so I can count the amount of Wins and see how many races a horse has won. I thought about trying to do it in a case statement, but I am not sure if the case statement I wrote is actually correct or if maybe there is a better way of how to do this?
s3://commoncrawl/crawl-data/CC-MAIN-2020-16/segments/1585370496669.0/warc/CC-MAIN-20200330054217-20200330084217-00226.warc.gz
CC-MAIN-2020-16
728
3
https://everything-voluntary.com/how-to-prepare-for-nothing
code
Almost every career and education question on Quora is something like this: “Should I do X?” Where X is get a mentor, or study business, or go to grad school, or raise money, or research this industry, etc. Rarely is there a specific goal. The questions are asked as if someone can tell you whether X is “good” or “bad” in the abstract. Occasionally there is a goal, like “Should I study business if I want to open a restaurant?” but even here, the mere asking of the question reveals that there is no clear connection between the end desired and the thing being considered. If you don’t even know whether X will help you get there, or you don’t even know where “there” is, why are you even asking? This is how people treat college. Hardly anyone knows why they are there. They will weakly tell you it’s to buy the signal that will help them get “a job”, but in the real world “a job” doesn’t exist. Specific jobs do. Most don’t know what kind of work they want, and almost none have ever bothered to check whether or not a degree is a requirement or the best route to get it. It almost never is! Most people aren’t looking for the best way to get from A to B, or even from A to discovering what B might be for them. Most people are looking to be given queues on what other people will think is normal. Seeking normal is a mind killer.
s3://commoncrawl/crawl-data/CC-MAIN-2023-06/segments/1674764494976.72/warc/CC-MAIN-20230127101040-20230127131040-00484.warc.gz
CC-MAIN-2023-06
1,375
7
https://www.malteschmitz.eu/artikel/rails-windows-server/
code
Deploying Rails on Windows Server as Java Servlet Typically you deploy Ruby on Rails on a Linux server with an Apache HTTP server or nginx. You can use Phusion Passenger for that purpose and it works well and is quite easy to setup. But sometimes other constraints force you to use a Windows server. This article explains my steps to package a Rails application as a war archive usingWarbler and to deploy this war on Apache Tomcat used as a backend for Microsofts Internet Information Services (IIS) HTTP server on Windows Server 2012 R2. Packaging a Rails application as war archive To package a Rails application into a war archive that can be deployed on nearly any Java application server we first need to make sure that the Rails application runs on JRuby. If you are on Linux or Mac use RVM to install JRuby. If you develop on Windows simply use the official windows installer of the JRuby project. If you just create a new Rails project on JRuby using rails new example this project is already well prepared to run in JRuby. The main difference are the database adapters specified in the Gemfile. Using JRuby these need to be one of the following depending on your database: gem 'activerecord-jdbcmysql-adapter'to use a MySQL database. gem 'activerecord-jdbcpostgresql-adapter'to use a PostgreSQL database. gem 'activerecord-jdbcsqlite3-adapter'to use SQLite as your database. This is the default for a newly created Rails project but it is not supposed to be used in a production environment. environments/production.rb you can savely disable Rails's static asset server as the Tomcat will do this for you. Now you can install the warbler gem running gem install warbler This gem must not be listed in the Gemfile as we do not need it as a dependency of our Rails project but as a tool which we will apply on this project. Now run to generate a configuration file for the warbler. This will generate the file config/warbler.rb which already contains very good defaults. I used the following settings: config.dirs = %w(app config lib)to specify which directories should be included in the war archive. config.webxml.jruby.compat.version = "2.1"to make sure the latest ruby version is used. No we are ready to run to create the example.war of our project. Deploying a Java Servlet on Apache Tomcat integrated in IIS on Windows Server If not already done install the IIS on your Windows server using the Server Manager: Click Manage / Add Roles and Features to start the Add Roles and Features Wizard. Select Role-based or feature-based installation and select your local server in the Server Pool. Then select Webserver (IIS) as new feature. Make sure to select ISAPI Extensions and ISAPI Filters under Application Development as Tomcat will be integrated via ISAPI. If your IIS is already installed add this features if needed using the same way. Now download and install the Apache Tomat. I used Tomcat 8.0 and the 32-bit/64-bit Windows Service Installer from the official Tomcat website. After Tomcat is installed you can access it on http://localhost:8080 on the machine. The Windows firewall prevents this server from being available outside of this machine and we will leave this as it is, because we want to use the IIS as our webserver. You can now deploy your application example.war on the Tomcat using the application manager linked on the default root application and located on After deploying check that everything is working correctly by opening http://localhost:8080/example in a browser on the server. If you want your application to be available as root application and not on the URL /example you can deploy it as root application of the Tomcat. Therefore goto the folder C:\Program Files (x86)\Apache Software Foundation\Tomcat 8.0\webapps and remove everything in it. Now copy your ROOT.war in this folder. Again make sure everything os working correctly by opening http://localhost:8080 in a browser on the server. Next download the Tomcat Connector. I used the file tomcat-connectors-1.2.40-windows-x86_64-iis.zip linked under Binary Releases on the official Tomcat website. Extract the contents of this file to the folder C:\connectors and make sure that the IIS has full access rights to this folder: - Right click the folder and select Properties. - Switch to the Security tab and click Edit… - If IIS_USRS is already present in the list then grant full access to this group. Otherwise click Add… - Click Advanced… and make sure that everythin is selected in the field Select this object type. - Click Find Now and select IIS_USRS in the search results. - Click OK often enough and grant full access to this group. - Click OK often enough to apply the changes. Now create a file isapi_redirect.properties in this folder. It must have the same name as the isapi_redirect.dll in this folder. Add the following properties as content of this file. # Log level(debug, info, warn, error or trace) Now create the referenced worker file workers.properties with the following contents This settings have to match the settings specified for the Tomcat during its installation. I left everything as the default was. Now create the referenced worker mount file uriworkermap.properties with the following content. This assumes that your application is available on the URL /example on the Tomcat server. If you set your application as root you can use the following contents instead. We now finally need to tell the IIS to use the configured Tomcat connector. Therefore open the Internet Information Service (IIS) Manager and select the Default Web Site in the Connections tree view on the left. Right click it and select Add application… Enter jakarta as Alias and C:\connector as Physical path. This doesn't necessarily need to be jakarta but it has to match the extension_uri specified in the Tomcat Connector properties file created above. Now again select the Default Web Site and open the ISAPI Filters. Add one by right clicking in the list and selecting Add… Enter Tomcat Redirector as Filter name and C:\connector\isapi_redirect.dll as Executable. Finally again select the Default Web Site and open the Handler Mappings. Right click the first entry ISAPI-dll and right click it. Select Add Module Mapping… and enter *.dll as Request Path, again C:\connector\isapi_redirect.dll as Executable and Tomcat Redirector as Name. The manager will ask you if you want to allow this ASAPI extension. As this is exactly the plan answer Yes. Now everything is set up and should work fine. I had to restart all servers until it finally worked. Main source of the steps described in this article was the beautiful German blog post Apache Tomcat Connector mit IIS 7 in Ralph's Blog which contains many helpful screenshots on the single steps, too. Enable SSL on the IIS I finally enabled SSL using a self signed certificate on the IIS. Do do so first create a new self signed certificate. Therefore click on the root element named after your Windows server in the Connections tree view on the left in the I_nternet Information Services (IIS) Manager_. There open Server Certificates. Then click Create Self-Signed Certificate in the Actions menu on the right. Enter a name for the certificate and click OK to create it. Now enable the HTTPS binding by selecting the Default Web Site in the Connections tree view on the left and clicking Bindings… in the Action menu on the right. Click Add… and select https as Type and your newly created certificate as SSL certificate. Now your web application is delivered using HTTP and HTTPS. You can enforce the usage of HTTPS either in your application by redirecting to the appropriate URL, by removing the binding on port 80 or in the SSL Settings of the Default Web Site. I learned how to do so from the blog post Tip/Trick: Enabling SSL on IIS 7.0 Using Self-Signed Certificates.
s3://commoncrawl/crawl-data/CC-MAIN-2024-18/segments/1712296817206.28/warc/CC-MAIN-20240418093630-20240418123630-00090.warc.gz
CC-MAIN-2024-18
7,853
72
https://www.itprotoday.com/windows-78/jsi-tip-5123-windows-media-player-error-c00d10b3-unable-access-network-windows-xp
code
If you have a broadband connection to the internet, Windows Media Player may issue the following error: Windows Media Player Error C00D10B3 - unable to access the network. To workaround this issue: 1. Stop all instances of Windows Media Player. 2. Use the Registry Editor to navigate to: 3. Add a ForceOnline Value Name, as a REG_DWORD data type, and set the data value to 1.
s3://commoncrawl/crawl-data/CC-MAIN-2018-47/segments/1542039741324.15/warc/CC-MAIN-20181113153141-20181113175141-00417.warc.gz
CC-MAIN-2018-47
375
6
https://www.smashwords.com/extreader/read/77938/1/the-edupunks-guide-to-a-diy-credential
code
The Edupunks’ Guide To a DIY Credential By Anya Kamenetz © 2011 Bill & Melinda Gates Foundation Edition, License Notes Thank you for downloading this free ebook. Although this is a free book, it remains the copyrighted property of the author, and may not be reproduced, copied and distributed for commercial or non-commercial purposes. If you enjoyed this book, please encourage your friends to download their own copy at Smashwords.com, where they can also discover other works by this author. Thank you for your support. Thanks to the Gates Foundation, especially Suzanne Walsh and Mark Milliron, for encouraging and supporting this project. Thanks to Molly Hensley-Clancy, my able research assistant, for her reporting and other extensive contributions. Thanks to Dennis Littky, Michael McCarthy, and the students of College Unbound for their help with user testing. Thanks to everyone who took the time to speak with me, respond to my surveys, and otherwise help with the project. Table of Contents How to use the Edupunks’ Guide DIY Education Manual HowTo 1: Do Research HowTo 2: Write a Personal Learning Plan HowTo 3: Teach Yourself Online HowTo 4: Build Your Personal Learning Network HowTo 5: Find a Mentor HowTo 6: Get a Credential HowTo 7: Demonstrate Value to a Network
s3://commoncrawl/crawl-data/CC-MAIN-2018-05/segments/1516084886794.24/warc/CC-MAIN-20180117023532-20180117043532-00796.warc.gz
CC-MAIN-2018-05
1,286
21
https://compojoom.com/forum/post/hotspots-how-to-get-a-api-with-google
code
I really hate it, but this is offcourse a newbie question: I'm in search how I must implement the api. If I go to: When I click on inloggegevens, the wheel of google is thurning, but there is nothing hapening. I don't understand it. I left it turning overnight. Seems like a bug on the google developers website ? Second thing on the compojoom website main page (support tickets) please update the 404 error:
s3://commoncrawl/crawl-data/CC-MAIN-2021-49/segments/1637964363215.8/warc/CC-MAIN-20211205160950-20211205190950-00390.warc.gz
CC-MAIN-2021-49
408
5
https://techtrim.tech/groovy-substring/
code
Groovy substring is a useful method in software development that returns a part of a string. It can define the range of characters or specify the beginning of the substring. This method is essential in manipulating strings and extracting relevant information. In this article, we will explore the applications and benefits of using Groovy substring in software development. What is Groovy substring? Groovy substring is a method of returning a segment of a string. This is commonly used to extract a portion of a string with a specified starting and ending position. With the use of the Groovy subString() method, it is easy to return a substring with its two different variants. Using the Groovy substring method The Groovy substring method is useful when there is a need to extract a subsequence from a given string. It can be used with two parameters if the range of characters is defined, including the beginning index and excluding the end index. The method can be used with only one parameter if the substring is starting from the specified position. Groovy subString() variants In Groovy, there are two variants for the subString() method: - substring(int beginIndex) – returns the substring starting from the specified index - substring(int beginIndex, int endIndex) – returns the substring between the specified start and end index. The endIndex is exclusive in the returned substring. Please provide a different phrasing for “Example”. Here is an example of using the subString() method in Groovy: def str = "Groovy substring example" def sub = str.substring(7,16) println sub The output of the code will be: The Groovy substring method is a useful tool for extracting specific portions of a string. It is available in two variants, depending on the specified requirements of the substring. Knowing the basic rules and usage of this method can aid developers in working with strings, whether in building custom applications or conducting data processing given the Groovy language. How to Use Groovy substring() Method? The Groovy substring() method is used to obtain a part of a string. This method has two different variants. The syntax for using Groovy substring() is: |String.substring(int beginIndex)||Returns a new String that is a substring of this String. The substring begins at the specified beginIndex and extends to the end of this string.| |String.substring(int beginIndex, int endIndex)||Returns a new String that is a substring of this String. The substring begins at the specified beginIndex and extends to the character at index endIndex – 1.| Here’s an example of how to use the Groovy substring() method: def str = "It's groovy, man" def sub1 = str.substring(5) // sub1 = "groovy, man" def sub2 = str.substring(5, 11) // sub2 = "groovy" In the example above, the substring() method is used to extract a portion of the original string ‘str’. The first example uses substring() with only one parameter, which specifies the index position to begin the substring. The second example uses two parameters, which specifies the index positions to begin and end the substring. The resulting substrings are assigned to ‘sub1’ and ‘sub2’ respectively. Benefits of Using Groovy substring() Groovy substring() is a method in software development that returns a new string that is a substring of the original string. It has multiple variants which offer flexibility to developers. This method has several benefits: 1. Flexibility in Defining the Range of Characters The substring() method allows developers to define the range of characters they want to retrieve from the string. By providing two parameters, developers can define the starting and ending points of the substring. This flexibility allows developers to manipulate strings more precisely. 2. Easy Extraction of Information Groovy substring() method makes it easy to extract information from a string. By specifying the range of characters, developers can extract a specific piece of information that they need. This save developers time and increases the efficiency of the software. 3. Reduced Complexity With the substring() method, developers can easily remove unwanted parts of the string or manipulate it in a way that makes it more user-friendly. It makes the code more organized and easy to understand for other developers. 4. Handling of Large Amounts of Data With the use of substring() method, developers can easily handle large amounts of data, particularly in cases where they need a specific part of the data. This improves the overall performance of the software and reduces the storage requirements. 5. Enhances Security Groovy substring() method can also be used to enhance security by hiding sensitive data. By removing specific parts of the string, developers can hide sensitive information such as passwords or credit card numbers, making the system more secure. Overall, Groovy substring() method is a valuable tool for developers in software development. It adds flexibility, reduces complexity, and enhances the overall performance of the software while also improving its security. Different Variants of Groovy substring() Groovy is a powerful language that is often used in various programming tasks. One of the frequently used methods in Groovy is the substring() method, which returns a new string that is a part of the original string. This method has two different variants, each of which serves a different purpose. The first variant of Groovy substring() returns the substring that begins with the specified index and extends to the end of the original string. The index parameter represents the position of the first character to be included in the substring. Here’s an example of using the substring() method with a single parameter: "abscd adfa dasfds ghisgirs fsdfgf".substring(0,10) In the above example, substring() returns the substring that begins at index 0 and extends to the 10th character, which is a whitespace. substring(int beginIndex, int endIndex) The second variant of Groovy substring() returns the substring that begins with the character at the specified start index and extends to the character at the end index – 1. Here’s an example of using the substring() method with two parameters: "It's groovy, man".substring(0, 4) In the above example, substring() returns the substring that begins at index 0, which is the first character, and extends to the 4th character, which is the apostrophe. These variants of Groovy substring() are very useful for manipulating strings in Groovy. By using them, you can extract parts of a string or modify the content of a string in a specific way, depending on the needs of your code. Common Mistakes to Avoid When Using Groovy substring() One of the most common errors made when using Groovy substring() method is not understanding the parameters involved. When defining the range of characters, it is important to note that the beginning is included, while the end is excluded. An additional mistake is not considering the variant of the method being used, which can also result in errors. To avoid these mistakes, it is crucial to carefully read the documentation and understand the variants of the substring() method. It is also advisable to use meaningful names for parameters to avoid confusion.
s3://commoncrawl/crawl-data/CC-MAIN-2023-23/segments/1685224648465.70/warc/CC-MAIN-20230602072202-20230602102202-00266.warc.gz
CC-MAIN-2023-23
7,295
47
https://community.spiceworks.com/topic/2281305-sd-card-the-operation-is-not-supported-on-a-non-empty-removable-disk-cmd
code
I'm sorry, OP, but it is still confusing what you're trying to do. It sounds as if you've removed the SD card from a phone, want to erase everything from it, then use 100% of the card's capacity in a new or different phone. Is that right? What "clean" command are you referring to? This is not one I'm familiar with at a command prompt in Windows 7 or any Windows version. Are you referring to the Disk Cleanup Tool in Windows which is intended to remove cached and other extraneous files? Are you referring to some other command that is supposed to clear off a memory card or drive? It seems as if what you may be trying to do is clear off partitions and reformat the card for use in a phone. You may have to look into either using the phone to reformat the drive, or to use a Windows command line tool called DISKPART to remove any partitions from the card. If you deal with the card in Windows 7, formatting may attempt to make it an NTFS partition which is unlikely to work on a phone. This is why I recommended using Android to do the formatting. If you can also share with us which Android phone you have, it may help provide you with specific instructions on doing this on the phone that may be more straight-forward than doing in on Windows which could involve different programs, partition types, and other details. Here's a link on how to format an SD card on a Galaxy S8 that may be very similar on other later Android phones:
s3://commoncrawl/crawl-data/CC-MAIN-2022-40/segments/1664030337446.8/warc/CC-MAIN-20221003231906-20221004021906-00446.warc.gz
CC-MAIN-2022-40
1,437
5
http://www.hcbravo.org
code
Interactive, exploratory visual analysis of genomic data I moved to Genentech Research and Early Development on 6/1/2020. This site is in flux during this transition. Statistical and computational methods for high-throughput genomics. Interactive data analysis. Metagenomics. Cancer epigenomics. Transcriptomics. What we work on Our research focuses on efficient and effective interactive analysis of high-throughput genomic data. We develop new methods and tools from multiple areas in the computational and statistical sciences: basic bioinformatics/biostatistics, statistical and machine learning, data visualization and management, and numerical optimization. Applications include cancer epigenetics, metagenomics, pre-processing of measurements from high-throughput assays and disease risk models that integrate high-throughput genomic and other data. Interactive, exploratory visual analysis of metagenomic data Segment-based RNA-seq analysis Analysis tools for large high-throughput metagenomics sequencing projects Methods for analysis of DNA methylation from second-generation sequencing and microarrays.
s3://commoncrawl/crawl-data/CC-MAIN-2024-18/segments/1712296819971.86/warc/CC-MAIN-20240424205851-20240424235851-00341.warc.gz
CC-MAIN-2024-18
1,113
10
https://lists.nongnu.org/archive/html/qemu-devel/2010-06/msg01692.html
code
I am attempting to run FreeRTOS under qemu-system-arm 0.12. I am compiling from source. At the current time arm-test works fine. It uses a boot loader with the expectation that the PC=0 after Reset is de-asserted. The CORTEXT-M3 reference states: NVIC resets, holds core in reset NVIC clears most of its registers. The processor is in Thread mode, priority is privileged, and the stack is set to Main. NVIC releases core from reset NVIC releases core from reset. Core sets stack Core reads the start SP, SP_main, from vector-table offset 0. Core sets PC and LR Core reads the start PC from vector-table offset. LR is set to 0xFFFFFFFF. Reset routine runs NVIC has interrupts disabled, and NMI and Hard Fault are not disabled. My translation of this is that the NVIC vector table is located at 0x0. Therefore SP=Word at location 0 of physical memory. LR=0xFFFFFFFF, and PC=Word at location 4 of physical memory. This matches what I see in the LM3S811 example code from TI, it also matches what I see in the FreeRTOS code. In looking at target-arm/helper.c I did not see anything that seemed to set the PC, SP or LR. I added some code to the reset functions and moved what I think is the PC set.
s3://commoncrawl/crawl-data/CC-MAIN-2021-49/segments/1637964363135.71/warc/CC-MAIN-20211205035505-20211205065505-00183.warc.gz
CC-MAIN-2021-49
1,193
7
https://lmr.com/Testimonial/2600/fast-shipping-decent-rates-to-canada
code
Fast shipping. Decent rates to Canada. Efficient. Fast shipping and a pleasure to deal with. They were kind enough to send their newsletter to me in Canada last year. I had all winter to look through it. To my knowledge I believe I received everything in the master replacement clutch swap kit, but will surely contact them if something is missing. They helped with shipping and duties to Canada. I will surely buy from again.George P from Montrealposted 5 years ago Tell others about your experience with us!
s3://commoncrawl/crawl-data/CC-MAIN-2016-44/segments/1476988720967.29/warc/CC-MAIN-20161020183840-00435-ip-10-171-6-4.ec2.internal.warc.gz
CC-MAIN-2016-44
509
3
https://www.goodfirms.co/company/ardites-bd
code
ARDITES Bangladesh Ltd. is a leading software development and IT enabled service company in Bangladesh, a member of BASIS. The company was a Finland based company founded in 2007 named as “ARDITES Testing Services Ltd.” while it working in Offshore software and IT services. Later It was renamed as “ARDITES Bangladesh Ltd.” in 2014 registered as a Bangladesh company with a bigger portfolio in Software Development, Quality Assurance & Testing, BIM based collaboration software, E-commerce development, Web development, Mobile application development, ERP, Cloud computing, Microsoft Services and Consulting. The core business principle is to produce quality software and IT enabled services with the slogan “Serious About Quality”. - Information Technology
s3://commoncrawl/crawl-data/CC-MAIN-2022-33/segments/1659882570651.49/warc/CC-MAIN-20220807150925-20220807180925-00315.warc.gz
CC-MAIN-2022-33
770
2